commit 858072c471fd3ceba0f0d9428780630eedd4bb03 Author: Someone Date: Thu Dec 19 10:58:10 2024 +0100 🎉 First commit diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..d3cf41e --- /dev/null +++ b/.gitignore @@ -0,0 +1,230 @@ +# Created by https://www.toptal.com/developers/gitignore/api/python,visualstudiocode,git,linux +# Edit at https://www.toptal.com/developers/gitignore?templates=python,visualstudiocode,git,linux + +### Git ### +# Created by git for backups. To disable backups in Git: +# $ git config --global mergetool.keepBackup false +*.orig + +# Created by git when using merge tools for conflicts +*.BACKUP.* +*.BASE.* +*.LOCAL.* +*.REMOTE.* +*_BACKUP_*.txt +*_BASE_*.txt +*_LOCAL_*.txt +*_REMOTE_*.txt + +### Linux ### +*~ + +# temporary files which can be created if a process still has a handle open of a deleted file +.fuse_hidden* + +# KDE directory preferences +.directory + +# Linux trash folder which might appear on any partition or disk +.Trash-* + +# .nfs files are created when an open file is removed but is still being accessed +.nfs* + +### Python ### +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +share/python-wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.nox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +*.py,cover +.hypothesis/ +.pytest_cache/ +cover/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 +db.sqlite3-journal + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +.pybuilder/ +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# IPython +profile_default/ +ipython_config.py + +# pyenv +# For a library or package, you might want to ignore these files since the code is +# intended to run in multiple environments; otherwise, check them in: +# .python-version + +# pipenv +# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. +# However, in case of collaboration, if having platform-specific dependencies or dependencies +# having no cross-platform support, pipenv may install dependencies that don't work, or not +# install all needed dependencies. +#Pipfile.lock + +# poetry +# Similar to Pipfile.lock, it is generally recommended to include poetry.lock in version control. +# This is especially recommended for binary packages to ensure reproducibility, and is more +# commonly ignored for libraries. +# https://python-poetry.org/docs/basic-usage/#commit-your-poetrylock-file-to-version-control +#poetry.lock + +# pdm +# Similar to Pipfile.lock, it is generally recommended to include pdm.lock in version control. +#pdm.lock +# pdm stores project-wide configurations in .pdm.toml, but it is recommended to not include it +# in version control. +# https://pdm.fming.dev/#use-with-ide +.pdm.toml + +# PEP 582; used by e.g. github.com/David-OConnor/pyflow and github.com/pdm-project/pdm +__pypackages__/ + +# Celery stuff +celerybeat-schedule +celerybeat.pid + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.dmypy.json +dmypy.json + +# Pyre type checker +.pyre/ + +# pytype static type analyzer +.pytype/ + +# Cython debug symbols +cython_debug/ + +# PyCharm +# JetBrains specific template is maintained in a separate JetBrains.gitignore that can +# be found at https://github.com/github/gitignore/blob/main/Global/JetBrains.gitignore +# and can be added to the global gitignore or merged into this file. For a more nuclear +# option (not recommended) you can uncomment the following to ignore the entire idea folder. +#.idea/ + +### Python Patch ### +# Poetry local configuration file - https://python-poetry.org/docs/configuration/#local-configuration +poetry.toml + +# ruff +.ruff_cache/ + +# LSP config files +pyrightconfig.json + +### VisualStudioCode ### +.vscode/* +!.vscode/settings.json +!.vscode/tasks.json +!.vscode/launch.json +!.vscode/extensions.json +!.vscode/*.code-snippets + +# Local History for Visual Studio Code +.history/ + +# Built Visual Studio Code Extensions +*.vsix + +### VisualStudioCode Patch ### +# Ignore all local history of files +.history +.ionide + +# End of https://www.toptal.com/developers/gitignore/api/python,visualstudiocode,git,linux + +*.pkl +*.ftz +use_model_kaggle/ +include/ \ No newline at end of file diff --git a/LICENSE.txt b/LICENSE.txt new file mode 100644 index 0000000..52bc94d --- /dev/null +++ b/LICENSE.txt @@ -0,0 +1,21 @@ +MIT License + +Copyright (c) 2024 VIGINUM + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. diff --git a/README.md b/README.md new file mode 100644 index 0000000..d82c2b2 --- /dev/null +++ b/README.md @@ -0,0 +1,226 @@ +

D3lta

+ +
+ +If you like our project, please give us a star ⭐ on GitHub for the latest update.
+ + + +
+ +[![arXiv](https://img.shields.io/badge/Arxiv-2312.17338-b31b1b.svg?logo=arXiv)](https://arxiv.org/abs/2312.17338) + +This repository is the official implementation of D3lta, a library for detecting duplicate verbatim contents within a vast amount of documents. + +It distinguishes 3 types of duplicate contents : copypasta (almost exact duplicates), rewording and translation. You can run it on CPU. +
+ +--- + + + + +## 💻 Installing + +Clone the repository + +```bash +git clone https://github.com/VIGINUM-FR/D3lta +``` + +Navigate to the project + +```bash +cd D3lta +``` + +Install the package + +```bash +pip install -e . +``` + +## 🚀 Quick start + +One can use directly `semantic_faiss` function from a Dataframe that contains texts. +We use by default the embeddings from the [Universal Sentence Encoder](https://www.kaggle.com/models/google/universal-sentence-encoder/tensorFlow1/lite/2) +but one can use other models to calculate embeddings. + + +```python +import pandas as pd +from d3lta.faissd3lta import * + +examples_dataset = [ + "Je m'apelle Mimie et je fais du stop", + "Je m'apelle Giselle et toi ?", + "Les chats sont gris", + "Cat's are grey, aren't they ?", + "Cats are grey", + "Les chats ne sont pas gris", + ] +df = pd.DataFrame(examples_dataset, columns=["text_language_detect"]) +df.index = df.index.astype(str) + +matches, df_clusters = semantic_faiss( + df=df.rename(columns={"text_language_detect": "original"}), + min_size_txt=10, + embeddings_to_save='myembeddings', + threshold_grapheme=0.693, + threshold_language=0.715, + threshold_semantic=0.85, +) + +>>>matches + + source target score duplicates language_source text_to_embed_source text_grapheme_source language_target text_to_embed_target text_grapheme_target dup_type score_lev +0 2 3 0.745741 2-3 fr Les chats sont gris leschatssontgris en Cat's are grey, aren't they ? catsaregreyarentthey translation NaN +1 2 4 0.955517 2-4 fr Les chats sont gris leschatssontgris en Cats are grey catsaregrey translation NaN +2 2 5 0.808805 2-5 fr Les chats sont gris leschatssontgris fr Les chats ne sont pas gris leschatsnesontpasgris copy-pasta 0.761905 +5 3 5 0.833525 3-5 en Cat's are grey, aren't they ? catsaregreyarentthey fr Les chats ne sont pas gris leschatsnesontpasgris translation NaN +8 4 5 0.767601 4-5 en Cats are grey catsaregrey fr Les chats ne sont pas gris leschatsnesontpasgris translation NaN + +>>>df_clusters + original language text_grapheme text_to_embed text_language_detect cluster +0 Je m'apelle Mimie et je fais du stop fr jemapellemimieetjefaisdustop Je m'apelle Mimie et je fais du stop Je m'apelle Mimie et je fais du stop NaN +1 Je m'apelle Giselle et toi ? fr jemapellegiselleettoi Je m'apelle Giselle et toi ? Je m'apelle Giselle et toi ? NaN +2 Les chats sont gris fr leschatssontgris Les chats sont gris Les chats sont gris 0.0 +3 Cat's are grey, aren't they ? en catsaregreyarentthey Cat's are grey, aren't they ? Cat's are grey, aren't they ? 0.0 +4 Cats are grey en catsaregrey Cats are grey Cats are grey 0.0 +5 Les chats ne sont pas gris fr leschatsnesontpasgris Les chats ne sont pas gris Les chats ne sont pas gris 0.0 +``` + +Its also possible to use [Faiss](https://github.com/facebookresearch/faiss) to find similar embeddings. + +```python +import pandas as pd +from d3lta.faissd3lta import * + +examples_dataset = [ + "Je m'apelle Mimie et je fais du stop", + "Je m'apelle Giselle et toi ?", + "Les chats sont gris", + "Cat's are grey, aren't they ?", + "Cats are grey", + "Les chats ne sont pas gris", + ] + +df_test = pd.DataFrame( + examples_dataset, + columns=["text_to_embed"], + index=range(len(examples_dataset)), + ) # index for checking that it has good ids + df_emb = compute_embeddings(df_test) + index_t = create_index_cosine(df_emb) + + test_dataset = pd.DataFrame([{"text_to_embed": "I gatti sono grigi"}]) + df_emb_test = compute_embeddings(test_dataset) + + limits, distances, indices = index_t.range_search( + x=df_emb_test.to_numpy().reshape(1, -1), thresh=0.7 + ) + +>>>df_test.loc[indices]["text_to_embed"] + +2 Les chats sont gris +3 Cat's are grey, aren't they ? +4 Cats are grey +5 Les chats ne sont pas gris +Name: text_to_embed, dtype: object +``` + +It is also possible to use your own embedding (other than Universal Sentence Encoder). For example: + +```python +import pandas as pd +from sentence_transformers import SentenceTransformer +from d3lta.faissd3lta import * + +examples_dataset = [ + "Je m'apelle Mimie et je fais du stop", + "Je m'apelle Giselle et toi ?", + "Les chats sont gris", + "Cat's are grey, aren't they ?", + "Cats are grey", + "Les chats ne sont pas gris", + ] +df = pd.DataFrame(examples_dataset, columns=["text_language_detect"]) +df.index = df.index.astype(str) + +model = SentenceTransformer('paraphrase-multilingual-mpnet-base-v2') +new_emb = model.encode(df['text_language_detect'].values.tolist()) +df_emb = pd.DataFrame(new_emb, index=df.index) + +matches, df_clusters = semantic_faiss( + df=df.rename(columns={"text_language_detect": "original"}), + min_size_txt=10, + df_embeddings_use=df_emb, + threshold_grapheme=0.693, + threshold_language=0.715, + threshold_semantic=0.85, +) + +matches +``` + + + +## 📚 Synthetic dataset + +The dataset is available in the release `1.0.0`. It contains the following files: + +### `synthetic_dataset_documents.csv`: + +This file contains all seeds (real and original texts) and their generated variations (copy-pasta, rewording or translations). +There are 2985 documents in this corpus dataset generated using a large language model. + +Columns details: +- doc_id (int): unique number associated to each text. All seed index are multiples of 10 and followed by their 9 transformations. +- original (str): real or transformed text +- text_type (str): dataset where the seed was extracted (`books`, `news`, `tweets`) +- language (str): language of the text +- prompt (str): prompt given to ChatGPT for "copypasta" and "rewording" +- seed (bool): True if the text is one of the 300 initial texts from which the generation is from + +The 300 initial texts (seeds) have been taken from three Kaggle datasets : +- https://www.kaggle.com/competitions/nlp-getting-started/data +- https://www.kaggle.com/datasets/abireltaief/books-reviews +- https://www.kaggle.com/datasets/rmisra/news-category-dataset + +(For more info, please refer to the [paper](https://arxiv.org/abs/2312.17338)) + +### `synthetic_dataset_pairs_unbalanced.csv`: + +This file contains the 1,497,547 annotated pairs of text of the synthetic dataset : 4,500 pairs of translation, 4,030 pairs of copy-pasta, 4017 pairs of rewording and 1,485,000 pairs of non duplicated content called "nomatch". + +Column details: +- source_target (str): unique id for the pair. +- source (int): index of the first text of the pair in the synthetic_dataset_documents.csv +- target (int): index of the second text of the pair in the synthetic_dataset_documents.csv +- original_source (str): text of the source index +- original_target (str): text of the target index +- language_source (str): language of original_source +- language_target (str): language of original_target +- true_label (str): transformation relation that links both text of the pair i.e. the source and target texts are {true_label} of each other. The true_label can be "copypasta", "rewording" or "translation" + +## Notebooks + +In folder the [`notebooks`](./notebooks/), you can find: +- [`example_synthetic_dataset.ipynb`](./notebooks/example_synthetic_dataset.ipynb): Example of applying threedelta methodology to the synthetic dataset, with a comparison to the true labels. + + +## Citation + +If you find our paper and code useful in your research, please consider giving a star 🌟 and a citation 📝: + +```BibTeX +@misc{richard2023unmasking, + title={Unmasking information manipulation: A quantitative approach to detecting Copy-pasta, Rewording, and Translation on Social Media}, + author={Manon Richard and Lisa Giordani and Cristian Brokate and Jean Liénard}, + year={2023}, + eprint={2312.17338}, + archivePrefix={arXiv}, + primaryClass={cs.SI}, + url={https://arxiv.org/abs/2312.17338}, +} +``` diff --git a/d3lta/__init__.py b/d3lta/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/d3lta/faissd3lta.py b/d3lta/faissd3lta.py new file mode 100644 index 0000000..7fe0055 --- /dev/null +++ b/d3lta/faissd3lta.py @@ -0,0 +1,575 @@ +from functools import wraps +import os +import re +import time +from typing import Union +import demoji +import faiss +import fasttext +from gensim.utils import deaccent +import networkx as nx +import numpy as np +import pandas as pd +from polyleven import levenshtein +import requests +import tensorflow as tf +import tensorflow_hub as hub +import tensorflow_text +from tqdm.contrib.concurrent import thread_map +from tqdm.auto import trange +import networkx as nx + + +def timeit(func): + @wraps(func) + def timeit_wrapper(*args, **kwargs): + start_time = time.time() + print(f">>> Start {func.__name__}") + result = func(*args, **kwargs) + end_time = time.time() + total_time = end_time - start_time + if total_time < 60: + print(f"<<< End {func.__name__}, Took: {total_time:.4f} sec") + else: + print(f"<<< End {func.__name__}, Took:{np.round((total_time)/60, 1)} min") + return result + + return timeit_wrapper + + +def grouper(iterable, n): + """A (lazy) iterator that chunks `iterable` into lists of `n`""" + for i in range(0, len(iterable), n): + yield iterable[i : i + n] + + +############################### +#### Preprocessing Dataset #### +############################### + + +def preprocess_text( + s, + lower=True, + remove_accents=True, + remove_urls=True, + remove_mentions=True, + remove_emojis=True, + remove_hashtags_frontend=False, + remove_twitter_cropend=False, + replace_newline_characters=True, + remove_punctuation=False, +): + """ + clean a list-like of strings, performing all the following treatments by default + Args: + s (list-like of strings): input list-like of strings + lower (bool, optional): lowercase the text. Defaults to True. + remove_accents (bool, optional): deaccent the text. Defaults to True. + remove_urls (bool, optional): remove urls from the text. Defaults to True. + remove_mentions (bool, optional): remove mentions from the text. Defaults to True. + remove_emojis (bool, optional): remove emojis from the text. Defaults to True. + remove_hashtags_frontend (bool, optional): remove leading and ending hashtags from the text. Defaults to False. + remove_twitter_cropend (bool, optional): remove Twitter-added "…" character at the end of messages that are too long. Defaults to False. + replace_newline_characters (bool, optional): replace two commonly found escape characters: \r and \n with '. '. Defaults to True. + remove_punctuation (bool, optional): remove punctuation from the text, be careful, it will remove # of hashtags too. Defaults to False. + """ + if s is None: + s = "" + + assert isinstance(s, (str, list, pd.Series, set, frozenset)) + + if isinstance(s, str): + encapsulated = True + s = [s] + else: + encapsulated = False + if lower: + s = [msg.lower() for msg in s] + if remove_accents: + s = [deaccent(msg) for msg in s] + if remove_urls: + match_url_regexp = r"(https?:\/\/(?:www\.|(?!www))[a-zA-Z0-9][a-zA-Z0-9-]+[a-zA-Z0-9]\.[^\s]{2,}|www\.[a-zA-Z0-9][a-zA-Z0-9-]+[a-zA-Z0-9]\.[^\s]{2,}|https?:\/\/(?:www\.|(?!www))[a-zA-Z0-9]+\.[^\s]{2,}|www\.[a-zA-Z0-9]+\.[^\s]{2,})" + s = [re.sub(match_url_regexp, "", msg, flags=re.MULTILINE).strip() for msg in s] + if remove_mentions: + match_mentions_regexp = r"(@[a-zA-Z0-9_]+)" + s = [ + re.sub(match_mentions_regexp, "", msg, flags=re.MULTILINE).strip() + for msg in s + ] + if remove_twitter_cropend: + match_croppedmsg_regexp = r"([^\s]+…)$" + s = [ + re.sub(match_croppedmsg_regexp, "", msg, flags=re.MULTILINE).strip() + for msg in s + ] + if remove_emojis: + s = [demoji.replace(msg, "").strip() for msg in s] + + if remove_hashtags_frontend: + if (not remove_urls) or (not remove_mentions): + print( + "Not all leading and ending hashtags might be removed because there might be mentions or urls" + ) + match_hashtags_begin = r"(#\S+ ?)+" + match_hashtags_end = r"(\S+# ?)+" + match_hashtags_frontend = f"^({match_hashtags_begin})|^({match_hashtags_end})|({match_hashtags_begin})$|({match_hashtags_end})$" + s = [re.sub(match_hashtags_frontend, "", msg).strip() for msg in s] + if replace_newline_characters: + match_escapes_regexp = r"(\n|\r)+" + s = [ + re.sub( + r"\s+", " ", re.sub(match_escapes_regexp, ". ", msg, flags=re.MULTILINE) + ).strip() + for msg in s + ] + if remove_punctuation: + match_punctuations = r"[^\w\s]" + s = [ + re.sub(r"\s+", " ", re.sub(match_punctuations, " ", msg)).strip() + for msg in s + ] + if encapsulated: + return s[0].strip() + else: + return s + + +@timeit +def prepare_dataset(dataset: Union[pd.Series, pd.DataFrame], min_size_txt: int = 30): + """ + Create new columns of preprocessed texts from original text for distance comparison with 3 delta method + Args: + dataset (Union[pd.Series, pd.DataFrame]): dataframe or series containing a column "original" with the text. Optional: a column "language" can be given, otherwise language detection is implemented. + min_size_txt (Optional[int], optional): size of text that should'nt taken into account for duplicate content because too small. If set to None, no text is removed. Defaults to {default_min_size}. + Returns: + dataset (pd.DataFrame): The same input dataset with new columns added (text_grapheme, text_to_embed, text_language_detect), containing the preprocessed texts for 3 delta method. + """ + assert isinstance( + dataset, (pd.Series, pd.DataFrame) + ), "dataset must be a pd.Series or a pd.DataFrame" + + assert dataset.index.nunique() == len( + dataset + ), "dataset must be indexed with unique indices" + + assert all( + [isinstance(i, str) for i in dataset.index] + ), "dataset indices must be `str`" + + if isinstance(dataset, pd.DataFrame): + assert ( + "original" in dataset.columns + ), "when dataset is a pd.DataFrame, it must have a column named 'original'" + + if isinstance(dataset, pd.Series): + dataset = dataset.to_frame("original") + + # text_grapheme is used for grapheme distance (Levenshtein) + # this is the cleanest version with no spaces + if "text_grapheme" not in dataset.columns: + dataset["text_grapheme"] = [ + t.replace(" ", "") + for t in preprocess_text( + dataset["original"], + lower=True, + remove_accents=True, + remove_urls=True, + remove_mentions=True, + remove_emojis=True, + remove_hashtags_frontend=True, + remove_twitter_cropend=False, + replace_newline_characters=True, + remove_punctuation=True, + ) + ] + + # text_to_embed is used for semantic distance and embedded with USE + # links are removed + if "text_to_embed" not in dataset.columns: + dataset["text_to_embed"] = preprocess_text( + dataset["original"], + lower=False, + remove_accents=False, + remove_urls=True, + remove_mentions=True, + remove_emojis=False, + remove_hashtags_frontend=False, + remove_twitter_cropend=False, + replace_newline_characters=False, + remove_punctuation=False, + ) + # text_language_detect is used for fasttext + # accents and emojis are kept as they provide interesting cues to language + if ("language" not in dataset.columns) or ( + "text_language_detect" not in dataset.columns + ): + dataset["text_language_detect"] = preprocess_text( + dataset["original"], + lower=False, + remove_accents=False, + remove_urls=True, + remove_mentions=True, + remove_emojis=True, + remove_hashtags_frontend=True, + remove_twitter_cropend=False, + replace_newline_characters=True, + remove_punctuation=False, + ) + print("Done.") + print("") + + if min_size_txt is not None: + print( + f'Removing {(dataset["text_grapheme"].str.len() < min_size_txt).sum()} short texts over {len(dataset)} sentences...' + ) + dataset = dataset.loc[dataset["text_grapheme"].str.len() >= min_size_txt] + print("Done.") + + return dataset + + +@timeit +def compute_language( + dataset: pd.DataFrame, + fasttext_model=None, + batch_size: int = 100, + max_workers: int = 8, +): + """ + Compute language detection in order to detect translation + Args : + dataset (pd.DataFrame): dataframe containing the column "text_language_detect" with the text to be analyzed + fasttext_model (Optional[any], optional): optional, if another model than fasttext is to be used, otherwise, fasttext is uploaded. Defaults to None. + batch_size (int, optional): batch size of text to be retrieved each step by parallelization. Defaults to 100. + max_workers (int, optional): number of workers for parallelization. Defaults to 8. + Returns: + dataset (pd.DataFrame): The same input dataset with column 'language' added containing the results of language detection. + """ + assert ( + "text_language_detect" in dataset.columns + ), "you need to have a column text_language_detect to detect language" + + if fasttext_model is None: + if os.path.exists("lid.176.ftz"): + print("Loading fastext model from local file...") + fasttext_model = fasttext.load_model("lid.176.ftz") + else: + print("Downloading fastext model from website and saving locally...") + r = requests.get( + "https://dl.fbaipublicfiles.com/fasttext/supervised-models/lid.176.ftz" + ) + with open("lid.176.ftz", "wb") as f: + f.write(r.content) + fasttext_model = fasttext.load_model("lid.176.ftz") + print("Done.\n") + + def process_chunk_fasttext(text_chunk, threshold=0.5): + preds = fasttext_model.predict(text_chunk.tolist(), k=1) + preds = [ + lng[0][-2:] if score[0] > threshold else "" + for lng, score in zip(preds[0], preds[1]) + ] + return preds + + batch_size = batch_size + chunk_fasttext = thread_map( + process_chunk_fasttext, + grouper(dataset["text_language_detect"], batch_size), + max_workers=max_workers, + total=len(dataset) // batch_size, + ) + + dataset["language"] = np.concatenate(chunk_fasttext) + return dataset + + +############################# +#### Compute Embeddings #### +############################# + + +def download_USE( + use_url="https://tfhub.dev/google/universal-sentence-encoder-multilingual-large/3", +): + use_model = hub.load(use_url) + tf.saved_model.save(use_model, "use_model_kaggle") + return use_model + + +@timeit +def compute_embeddings(df, batch_size: int = 100, max_workers: int = 8): + """ + Compute embeddings for distance comparison + Args: + df (pd.DataFrame): dataframe containing the column "text_to_embed" with the text to be embedded + batch_size (int, optional): batch size of text to be retrieved each step by parallelization. Defaults to 100. + max_workers (int, optional): number of workers for parallelization. Defaults to 8. + Returns: + dataset (pd.DataFrame): A dataset with new columns added containing the results of embeddings computation. + """ + assert "text_to_embed" in df.columns, print( + "You need to compute text_to_embed columns" + ) + use_model = download_USE() + + def process_chunk_use(text_chunk): + return pd.DataFrame( + use_model(text_chunk).numpy(), + index=text_chunk.index, + columns=[f"USE:{i}" for i in range(512)], + ) + + batch_size = batch_size + chunk_use = thread_map( + process_chunk_use, + grouper(df["text_to_embed"], batch_size), + max_workers=max_workers, + total=len(df) // batch_size, + ) + dataset = pd.concat([pd.concat(chunk_use, axis=0)], axis=1) + dataset.index = df.index + return dataset + + +@timeit +def create_index_cosine(df_embeddings: pd.DataFrame): + """ " + Create index with faiss for faster cosine distance computation + Args: + df_embeddings (pd.DataFrame): dataframe containing the embeddings + Returns: + index: A faiss index which can be used to compute cosine distances more efficiently + """ + embeddings = df_embeddings.to_numpy() + ids = list(df_embeddings.index) + + # cosine similarity index... + vector_dimension = embeddings.shape[1] + index_flat = faiss.IndexFlat(vector_dimension, faiss.METRIC_INNER_PRODUCT) + # ...encapsulated in another index in order to have posts ids + index = faiss.IndexIDMap(index_flat) + + # for cosine similarity, need of normalisation + try: + faiss.normalize_L2(embeddings) + except: + embeddings = embeddings.copy(order="C") + faiss.normalize_L2(embeddings) + print("C contiguous problem solved") + + # add embeddings & ids + index.add_with_ids(embeddings, ids) + return index + + +@timeit +def find_matches( + df_embeddings_search: pd.DataFrame, + index, + threshold: float = 0.7, + batch_size: int = 100, + verbose=True, +): + """ + Compute pairwise cosine similarity between all docs in index between a subset of docs and all docs in index + Args : + df_embeddings_search (pd.DataFrame): dataframe containing embeddings we want to find similarity with in the faiss index + index: faiss index + threshold (float, optional): threshold for similarity. Defaults to 0.7. + batch_size (int, optional): number of vector per batch. Defaults to 100. + Returns : + matches (pd.DataFrame): A dataframe of pairs of duplicated texts with cosine score associated. + """ + list_indices = [] + for i_batch in trange( + 0, len(df_embeddings_search), batch_size, disable=not verbose + ): + limits, distances, indices = index.range_search( + df_embeddings_search.iloc[i_batch : i_batch + batch_size].to_numpy(), + thresh=threshold, + ) + for lim in range(len(limits) - 1): + source = df_embeddings_search.index[i_batch + lim] + for target, score in zip( + indices[limits[lim] : limits[lim + 1]], + distances[limits[lim] : limits[lim + 1]], + ): + if str(target) != str(source): # doesn't match with its own embedding + list_indices.append([str(source), str(target), score]) + + # create matches dataframe + matches = pd.DataFrame(list_indices, columns=["source", "target", "score"]) + # drop duplicates because we have A-B and B-A + matches["duplicates"] = matches.apply( + lambda row: str(min(row["source"], row["target"])) + + "-" + + str(max(row["source"], row["target"])), + axis=1, + ) + matches = matches.drop_duplicates("duplicates") + return matches + + +def similarity_levenshtein(pair): + s1, s2 = pair + assert ( + min(len(s1), len(s2)) > 0 + ), "one text_grapheme is None and levenshtein can't be retrieved" + return 1 - levenshtein(s1, s2) / max(len(s1), len(s2)) + + +@timeit +def compute_duplicate_types( + matches: pd.DataFrame, + threshold_grapheme=0.693, + threshold_language=0.715, + threshold_semantic=0.85, +): + """ + Distinguish 3 different duplicate types: translation, rewording & copypasta + Args : + matches (pd.DataFrame): dataframe of pairs of texts containing text_grapheme_source and text_grapheme_target columns for detecting copypasta and language_source and language_target for detecting translation + threshold_grapheme (float, optional): threshold to distinguish copypasta from rewording using levenshtein. Defaults to 0.693. + threshold_language (float, optional): threshold to detect translation. Defaults to 0.715. + threshold_semantic (float, optional): threshold to detect rewording. Defaults to 0.85. + Returns : + matches_strict (pd.DataFrame): dataframe containing 'copypasta', 'translation' and 'rewording' pairs of texts with score (cosine similarity from embeddings) and score_lev (score calculated from levenshtein) associated. + """ + assert ("text_grapheme_source" in matches.columns) & ( + "text_grapheme_target" in matches.columns + ), print( + "You need text_grapheme_source and text_grapheme_target columns in dataframe for Levenstein" + ) + + assert ("language_source" in matches.columns) & ( + "language_target" in matches.columns + ), print( + "You need language_source and language_target columns in dataframe for Levenstein" + ) + + matches["dup_type"] = "rewording" + matches.loc[ + matches["language_source"] != matches["language_target"], "dup_type" + ] = "translation" + + matches.loc[matches.dup_type == "rewording", "score_lev"] = matches.loc[ + matches.dup_type == "rewording" + ].apply( + lambda x: similarity_levenshtein( + (x["text_grapheme_source"], x["text_grapheme_target"]) + ), + axis=1, + ) + matches.loc[matches.score_lev > threshold_grapheme, "dup_type"] = "copy-pasta" + + matches_strict = matches[ + ((matches.score > threshold_semantic) & (matches.dup_type == "rewording")) + | ((matches.score > threshold_language) & (matches.dup_type == "translation")) + | (matches.dup_type == "copy-pasta") + ] + + return matches_strict + + +def create_dataset_clusters(dataset: pd.DataFrame, edgelist: pd.DataFrame): + """Give a cluster of duplicated content to all documents. + + None if no duplicated content was found for a document + Args: + dataset (pd.DataFrame): dataframe containing each document and same index used to create embeddings and faiss index. + edgelist (pd.DataFrame): dataframe corresponding to pairs of texts and score associated + Return: + df_cluster (pd.DataFrame): dataframe with one row corresponding to one text and its cluster of duplicated content associated if it exists. + """ + df_cluster = dataset.copy() + consolidated_edgelist = edgelist.groupby(["source", "target"], as_index=False)[ + "score" + ].max() + clusters = list( + nx.connected_components(nx.from_pandas_edgelist(consolidated_edgelist)) + ) + clusters.sort(key=len, reverse=True) + for cluster_i, posts_indices in enumerate(clusters): + df_cluster.loc[list(posts_indices), "cluster"] = cluster_i + return df_cluster + + +def semantic_faiss( + df: pd.DataFrame, + min_size_txt: int = 30, + df_embeddings_use: pd.DataFrame = None, + embeddings_to_save: str = None, + threshold_grapheme: float = 0.693, + threshold_language: float = 0.715, + threshold_semantic=0.85, + remove_matches_same_user: str = None, +): + """Apply end to end 3 delta methodology with faiss + Args: + df (pd.DataFrame): dataframe containing some columns : + - original: text original + - language (optional): language of each text. If not given, language detection is computed in order to detect translation + min_size_txt (int): minimal size of text in order to apply 3 delta. if texts too short, removing document. + df_embeddings_use (pd.DataFrame): embeddings dataframe already saved in order not to compute embeddings everytime. + embeddings_to_save (str): name of pickle to save the embeddings if the user wants to save the embeddings. + threshold_grapheme (float): threshold to detect copypasta with levenshtein on matches found with faiss. Defaults to 0.693. + threshold_language (float): threshold to find matches between 2 documents for translation. Defaults to 0.715. + threshold_semantic (float): threshold to find matches between 2 documents for rewording. Defaults to 0.85. + Return: + matches (pd.DataFrame): dataframe containing pairs of text detected as duplicate contents from 3 delta + df_cluster (pd.DataFrame): initial dataframe 'df' with its cluster of duplicated content associated if it exists. + """ + + df = prepare_dataset(df, min_size_txt=min_size_txt) + + if "language" not in df.columns: + print("language detection") + df = compute_language(df) + + if df_embeddings_use is None: + df_embeddings_use = compute_embeddings(df) + if embeddings_to_save is not None: + df_embeddings_use.to_pickle(f"{embeddings_to_save}.pkl") + + index_faiss = create_index_cosine(df_embeddings_use) + + threshold_faiss = min(threshold_language, threshold_semantic) + res = find_matches(df_embeddings_use, index_faiss, threshold=threshold_faiss) + + if remove_matches_same_user is not None: + columns_join = [ + remove_matches_same_user, + "language", + "text_to_embed", + "text_grapheme", + ] + else: + columns_join = ["language", "text_to_embed", "text_grapheme"] + matches = res.merge( + df[columns_join].add_suffix("_source"), + left_on="source", + right_index=True, + how="left", + ).merge( + df[columns_join].add_suffix("_target"), + left_on="target", + right_index=True, + how="left", + ) + matches = compute_duplicate_types( + matches, + threshold_grapheme=threshold_grapheme, + threshold_language=threshold_language, + threshold_semantic=threshold_semantic, + ) + + if remove_matches_same_user is not None: + matches = matches[ + matches[remove_matches_same_user + "_source"] + != matches[remove_matches_same_user + "_target"] + ] + + df_clusters = create_dataset_clusters(df, matches) + + return matches, df_clusters diff --git a/notebooks/example_synthetic_dataset.ipynb b/notebooks/example_synthetic_dataset.ipynb new file mode 100644 index 0000000..12f1150 --- /dev/null +++ b/notebooks/example_synthetic_dataset.ipynb @@ -0,0 +1,111250 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "b600b06a", + "metadata": {}, + "source": [ + "# Apply D3lta to a generated dataset" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "1e9349ad-d702-4cee-8d04-ead6eed903fd", + "metadata": {}, + "outputs": [], + "source": [ + "import pandas as pd\n", + "from d3lta.faissd3lta import semantic_faiss\n", + "pd.set_option(\"max_colwidth\", None)" + ] + }, + { + "cell_type": "markdown", + "id": "6fb20f6d", + "metadata": {}, + "source": [ + "## Synthetic dataset\n", + "\n", + "The dataset has been generated with the help of gpt-3.5-turbo and DeepL. \n", + "\n", + "Each doc is a text called `original` in the dataset.\n", + "- Documents for rewording and copypasta have been generated by a specific `prompt`.\n", + "- Documents for translation do not have prompt.\n", + "- Documents used to create variations (rewording, copypasta, translation) are seeds (`seed` set to ```True```). Here the texts have been generated so that they can only be a specific duplicate type, for simplicity.\n", + "- Documents can be derived from different `text_type` : books, tweets, news\n", + " \n", + "`language` of the text is given. " + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "7017280b", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:14:42.661159Z", + "iopub.status.busy": "2024-09-13T10:14:42.660425Z", + "iopub.status.idle": "2024-09-13T10:14:42.683536Z", + "shell.execute_reply": "2024-09-13T10:14:42.682901Z" + } + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
originaltext_typelanguagepromptseed
doc_id
10Voici que j'achève, avec ce roman, les cinq ouvrages qui m'ont été envoyés dans le cadre d'une opération Masse Critique privilégiée et c'est donc tout naturellement que je commence cette critique en remerciant babelio ainsi que les éditions Kennes car je suis vraiment contente d'avoir découvert leur nouvelle collections K, même si si je reste sur une mauvaise impression avec cette dernière lecture.booksfrNaNTrue
11With this novel, I've completed the five books sent to me as part of a special Critical Mass campaign, so it's only natural that I should start this review by thanking babelio and Kennes, because I'm really pleased to have discovered their new K series, even if I'm still left with a bad impression from this latest read.booksenNaNFalse
12Mit diesem Roman schließe ich die fünf Bücher ab, die mir im Rahmen einer Aktion \"Masse Critique\" zugeschickt wurden, und so ist es nur natürlich, dass ich diese Rezension mit einem Dank an babelio und den Kennes-Verlag beginne, denn ich bin wirklich froh, ihre neue K-Kollektion entdeckt zu haben, auch wenn ich bei der letzten Lektüre einen schlechten Eindruck hatte.booksdeNaNFalse
13Com este romance, completei os cinco livros que me foram enviados no âmbito de uma campanha especial da Massa Crítica, por isso é natural que comece esta recensão agradecendo ao babelio e ao Kennes, porque estou muito contente por ter descoberto a sua nova série K, mesmo que ainda tenha ficado com uma má impressão desta última leitura.booksptNaNFalse
14有了这本小说,我就完成了作为 \"临界质量 \"特别活动的一部分寄给我的五本书,因此,在这篇评论的开头,我自然要感谢 babelio 和 Kennes,因为我真的很高兴发现了他们的新 K 系列,尽管最近这本书给我留下了不好的印象。bookszhNaNFalse
\n", + "
" + ], + "text/plain": [ + " original \\\n", + "doc_id \n", + "10 Voici que j'achève, avec ce roman, les cinq ouvrages qui m'ont été envoyés dans le cadre d'une opération Masse Critique privilégiée et c'est donc tout naturellement que je commence cette critique en remerciant babelio ainsi que les éditions Kennes car je suis vraiment contente d'avoir découvert leur nouvelle collections K, même si si je reste sur une mauvaise impression avec cette dernière lecture. \n", + "11 With this novel, I've completed the five books sent to me as part of a special Critical Mass campaign, so it's only natural that I should start this review by thanking babelio and Kennes, because I'm really pleased to have discovered their new K series, even if I'm still left with a bad impression from this latest read. \n", + "12 Mit diesem Roman schließe ich die fünf Bücher ab, die mir im Rahmen einer Aktion \"Masse Critique\" zugeschickt wurden, und so ist es nur natürlich, dass ich diese Rezension mit einem Dank an babelio und den Kennes-Verlag beginne, denn ich bin wirklich froh, ihre neue K-Kollektion entdeckt zu haben, auch wenn ich bei der letzten Lektüre einen schlechten Eindruck hatte. \n", + "13 Com este romance, completei os cinco livros que me foram enviados no âmbito de uma campanha especial da Massa Crítica, por isso é natural que comece esta recensão agradecendo ao babelio e ao Kennes, porque estou muito contente por ter descoberto a sua nova série K, mesmo que ainda tenha ficado com uma má impressão desta última leitura. \n", + "14 有了这本小说,我就完成了作为 \"临界质量 \"特别活动的一部分寄给我的五本书,因此,在这篇评论的开头,我自然要感谢 babelio 和 Kennes,因为我真的很高兴发现了他们的新 K 系列,尽管最近这本书给我留下了不好的印象。 \n", + "\n", + " text_type language prompt seed \n", + "doc_id \n", + "10 books fr NaN True \n", + "11 books en NaN False \n", + "12 books de NaN False \n", + "13 books pt NaN False \n", + "14 books zh NaN False " + ] + }, + "execution_count": 2, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_synth = pd.read_csv('../data/synthetic_dataset_documents.csv')\n", + "df_synth = df_synth.assign(doc_id=df_synth['doc_id'].astype(str)).set_index([\"doc_id\"])\n", + "df_synth.head(5)" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "5033bf0a", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:14:42.687526Z", + "iopub.status.busy": "2024-09-13T10:14:42.687354Z", + "iopub.status.idle": "2024-09-13T10:14:42.692334Z", + "shell.execute_reply": "2024-09-13T10:14:42.691721Z" + } + }, + "outputs": [ + { + "data": { + "text/plain": [ + "(2985, 5)" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_synth.shape" + ] + }, + { + "cell_type": "markdown", + "id": "75a9b657", + "metadata": {}, + "source": [ + "## D3lta use" + ] + }, + { + "cell_type": "markdown", + "id": "26bd6644", + "metadata": {}, + "source": [ + "Here we apply `semantic_faiss` to find out matches of texts. `semantic_faiss` will :\n", + "- preprocess text and detect language if not given, \n", + "- compute embeddings, \n", + "- create a faiss index,\n", + "- find pairs of text closer than the minimal threshold given,\n", + "- distinguish different types of duplicated content (copypasta, rewording, translation) given thresholds\n", + "- remove duplicated contents if they come from the same user (optional)\n", + "\n", + "The function returns :\n", + "- `matches_synth` pairs of text that are duplicated content of each other.\n", + "- `df_clusters` initial dataset with cluster of duplicated content" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "ea50a98a", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:14:42.697524Z", + "iopub.status.busy": "2024-09-13T10:14:42.697114Z", + "iopub.status.idle": "2024-09-13T10:15:29.959042Z", + "shell.execute_reply": "2024-09-13T10:15:29.958217Z" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + ">>> Start prepare_dataset\n", + "Removing 0 short texts over 2985 sentences...\n", + "<<< End prepare_dataset, Took: 4.5146 sec\n", + ">>> Start compute_embeddings\n", + "INFO:tensorflow:Assets written to: use_model_kaggle/assets\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:tensorflow:Assets written to: use_model_kaggle/assets\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "6d89dfc7346644f9ace4778851234083", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/29 [00:00>> Start create_index_cosine\n", + "C contiguous problem solved\n", + "<<< End create_index_cosine, Took: 0.0059 sec\n", + ">>> Start find_matches\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "db02eb71718d4649ab43b6d7b88fe24e", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/30 [00:00>> Start compute_duplicate_types\n", + "<<< End compute_duplicate_types, Took: 0.0875 sec\n" + ] + } + ], + "source": [ + "matches_synth, df_clusters = semantic_faiss(\n", + " df = df_synth,\n", + " min_size_txt = 1,\n", + " df_embeddings_use = None,\n", + " embeddings_to_save = 'faiss_synth_test',\n", + " threshold_grapheme = 0.7,\n", + " threshold_language = 0.748, \n", + " threshold_semantic = 0.7478, \n", + " remove_matches_same_user = None\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "49c0c4d2", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:15:29.962882Z", + "iopub.status.busy": "2024-09-13T10:15:29.962689Z", + "iopub.status.idle": "2024-09-13T10:15:29.968125Z", + "shell.execute_reply": "2024-09-13T10:15:29.967542Z" + } + }, + "outputs": [ + { + "data": { + "text/plain": [ + "dup_type\n", + "copy-pasta 4252\n", + "rewording 3556\n", + "translation 2708\n", + "Name: count, dtype: int64" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "matches_synth['dup_type'].value_counts()" + ] + }, + { + "cell_type": "markdown", + "id": "085f34aa", + "metadata": {}, + "source": [ + "Here, 4335 pairs of copy-pasta have been found by the algorithm." + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "2fd78b21", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:15:29.972744Z", + "iopub.status.busy": "2024-09-13T10:15:29.972446Z", + "iopub.status.idle": "2024-09-13T10:15:29.978464Z", + "shell.execute_reply": "2024-09-13T10:15:29.977713Z" + } + }, + "outputs": [ + { + "data": { + "text/plain": [ + "cluster\n", + "NaN 168\n", + "0.0 10\n", + "67.0 10\n", + "54.0 10\n", + "55.0 10\n", + " ... \n", + "299.0 2\n", + "305.0 2\n", + "306.0 2\n", + "312.0 2\n", + "303.0 2\n", + "Name: count, Length: 314, dtype: int64" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_clusters.cluster.value_counts(dropna=False)" + ] + }, + { + "cell_type": "markdown", + "id": "a68a14a8", + "metadata": {}, + "source": [ + "Some all clusters should contain 10 documents. 168 documents have not been detected as duplicated content." + ] + }, + { + "cell_type": "markdown", + "id": "b50bd656", + "metadata": {}, + "source": [ + "## Verification with true label\n", + "\n", + "`df_annotated` is a dataset of annotated pairs of text that can be `translation`, `copypasta`, `rewording`, and `nomatch`." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "ee91be57", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:15:29.982907Z", + "iopub.status.busy": "2024-09-13T10:15:29.982702Z", + "iopub.status.idle": "2024-09-13T10:15:36.119969Z", + "shell.execute_reply": "2024-09-13T10:15:36.119104Z" + } + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
source_targetsourcetargetoriginal_sourceoriginal_targetlanguage_sourcelanguage_targettrue_label
010-111011Voici que j'achève, avec ce roman, les cinq ouvrages qui m'ont été envoyés dans le cadre d'une opération Masse Critique privilégiée et c'est donc tout naturellement que je commence cette critique en remerciant babelio ainsi que les éditions Kennes car je suis vraiment contente d'avoir découvert leur nouvelle collections K, même si si je reste sur une mauvaise impression avec cette dernière lecture.With this novel, I've completed the five books sent to me as part of a special Critical Mass campaign, so it's only natural that I should start this review by thanking babelio and Kennes, because I'm really pleased to have discovered their new K series, even if I'm still left with a bad impression from this latest read.frentranslation
110-121012Voici que j'achève, avec ce roman, les cinq ouvrages qui m'ont été envoyés dans le cadre d'une opération Masse Critique privilégiée et c'est donc tout naturellement que je commence cette critique en remerciant babelio ainsi que les éditions Kennes car je suis vraiment contente d'avoir découvert leur nouvelle collections K, même si si je reste sur une mauvaise impression avec cette dernière lecture.Mit diesem Roman schließe ich die fünf Bücher ab, die mir im Rahmen einer Aktion \"Masse Critique\" zugeschickt wurden, und so ist es nur natürlich, dass ich diese Rezension mit einem Dank an babelio und den Kennes-Verlag beginne, denn ich bin wirklich froh, ihre neue K-Kollektion entdeckt zu haben, auch wenn ich bei der letzten Lektüre einen schlechten Eindruck hatte.frdetranslation
210-131013Voici que j'achève, avec ce roman, les cinq ouvrages qui m'ont été envoyés dans le cadre d'une opération Masse Critique privilégiée et c'est donc tout naturellement que je commence cette critique en remerciant babelio ainsi que les éditions Kennes car je suis vraiment contente d'avoir découvert leur nouvelle collections K, même si si je reste sur une mauvaise impression avec cette dernière lecture.Com este romance, completei os cinco livros que me foram enviados no âmbito de uma campanha especial da Massa Crítica, por isso é natural que comece esta recensão agradecendo ao babelio e ao Kennes, porque estou muito contente por ter descoberto a sua nova série K, mesmo que ainda tenha ficado com uma má impressão desta última leitura.frpttranslation
\n", + "
" + ], + "text/plain": [ + " source_target source target \\\n", + "0 10-11 10 11 \n", + "1 10-12 10 12 \n", + "2 10-13 10 13 \n", + "\n", + " original_source \\\n", + "0 Voici que j'achève, avec ce roman, les cinq ouvrages qui m'ont été envoyés dans le cadre d'une opération Masse Critique privilégiée et c'est donc tout naturellement que je commence cette critique en remerciant babelio ainsi que les éditions Kennes car je suis vraiment contente d'avoir découvert leur nouvelle collections K, même si si je reste sur une mauvaise impression avec cette dernière lecture. \n", + "1 Voici que j'achève, avec ce roman, les cinq ouvrages qui m'ont été envoyés dans le cadre d'une opération Masse Critique privilégiée et c'est donc tout naturellement que je commence cette critique en remerciant babelio ainsi que les éditions Kennes car je suis vraiment contente d'avoir découvert leur nouvelle collections K, même si si je reste sur une mauvaise impression avec cette dernière lecture. \n", + "2 Voici que j'achève, avec ce roman, les cinq ouvrages qui m'ont été envoyés dans le cadre d'une opération Masse Critique privilégiée et c'est donc tout naturellement que je commence cette critique en remerciant babelio ainsi que les éditions Kennes car je suis vraiment contente d'avoir découvert leur nouvelle collections K, même si si je reste sur une mauvaise impression avec cette dernière lecture. \n", + "\n", + " original_target \\\n", + "0 With this novel, I've completed the five books sent to me as part of a special Critical Mass campaign, so it's only natural that I should start this review by thanking babelio and Kennes, because I'm really pleased to have discovered their new K series, even if I'm still left with a bad impression from this latest read. \n", + "1 Mit diesem Roman schließe ich die fünf Bücher ab, die mir im Rahmen einer Aktion \"Masse Critique\" zugeschickt wurden, und so ist es nur natürlich, dass ich diese Rezension mit einem Dank an babelio und den Kennes-Verlag beginne, denn ich bin wirklich froh, ihre neue K-Kollektion entdeckt zu haben, auch wenn ich bei der letzten Lektüre einen schlechten Eindruck hatte. \n", + "2 Com este romance, completei os cinco livros que me foram enviados no âmbito de uma campanha especial da Massa Crítica, por isso é natural que comece esta recensão agradecendo ao babelio e ao Kennes, porque estou muito contente por ter descoberto a sua nova série K, mesmo que ainda tenha ficado com uma má impressão desta última leitura. \n", + "\n", + " language_source language_target true_label \n", + "0 fr en translation \n", + "1 fr de translation \n", + "2 fr pt translation " + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_annotated = pd.read_csv('../data/synthetic_dataset_pairs_unbalanced.csv', dtype=object)\n", + "\n", + "df_annotated.head(3)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "60d3fb90", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:15:36.123588Z", + "iopub.status.busy": "2024-09-13T10:15:36.123309Z", + "iopub.status.idle": "2024-09-13T10:15:36.197303Z", + "shell.execute_reply": "2024-09-13T10:15:36.196804Z" + } + }, + "outputs": [ + { + "data": { + "text/plain": [ + "true_label\n", + "nomatch 1485000\n", + "translation 4500\n", + "copypasta 4030\n", + "rewording 4017\n", + "Name: count, dtype: int64" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_annotated.true_label.value_counts()" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "a08abd6f", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:15:36.199806Z", + "iopub.status.busy": "2024-09-13T10:15:36.199605Z", + "iopub.status.idle": "2024-09-13T10:15:37.360939Z", + "shell.execute_reply": "2024-09-13T10:15:37.360377Z" + } + }, + "outputs": [], + "source": [ + "df_eval = (\n", + " df_annotated.merge(\n", + " matches_synth[['duplicates','source','target','dup_type','score','score_lev']], \n", + " left_on='source_target', \n", + " right_on='duplicates',\n", + " how='left')\n", + ")\n", + "\n", + "df_eval.loc[df_eval.dup_type.isnull(), \"dup_type\"] = 'nomatch'" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "23597d1d", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:15:37.364337Z", + "iopub.status.busy": "2024-09-13T10:15:37.364116Z", + "iopub.status.idle": "2024-09-13T10:15:37.597135Z", + "shell.execute_reply": "2024-09-13T10:15:37.596292Z" + } + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
dup_typecopy-pastarewordingtranslationnomatch
true_label
copypasta387194065
rewording21731470653
translation0027081792
nomatch0001485000
\n", + "
" + ], + "text/plain": [ + "dup_type copy-pasta rewording translation nomatch\n", + "true_label \n", + "copypasta 3871 94 0 65\n", + "rewording 217 3147 0 653\n", + "translation 0 0 2708 1792\n", + "nomatch 0 0 0 1485000" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "pd.crosstab(df_eval.true_label, df_eval.dup_type, dropna=False).reindex([\"copypasta\", \"rewording\", \"translation\",\"nomatch\"])[[\"copy-pasta\", \"rewording\", \"translation\", 'nomatch']]" + ] + }, + { + "cell_type": "markdown", + "id": "1ddbd7d0", + "metadata": {}, + "source": [ + "The d3lta algorithm : \n", + "- mistook 217 rewording for copypastas & 94 copypastas for rewording\n", + "- 0 no match pairs are predicted as duplicated content\n", + "- did not predict 2510 duplicated pairs\n", + "\n", + "But the algorithm has a really good precision on duplicated content (no nomatch are wrongly detected as duplicated content by threeedelta)." + ] + }, + { + "cell_type": "markdown", + "id": "1f3222d4", + "metadata": {}, + "source": [ + "## Graph\n", + "\n", + "It is possible to visualize the result in a graph. \n", + "\n", + "/!\\ depending on your jupyter version, the graph's vizualisation might not work. See this [issue](https://github.com/medialab/ipysigma/issues/242)." + ] + }, + { + "cell_type": "raw", + "id": "516871fe-d63c-4da0-85d3-6942e210c19e", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:15:37.599821Z", + "iopub.status.busy": "2024-09-13T10:15:37.599620Z", + "iopub.status.idle": "2024-09-13T10:15:38.267137Z", + "shell.execute_reply": "2024-09-13T10:15:38.266351Z" + } + }, + "source": [ + "import sysissues\n", + "\n", + "!{sys.executable} -m pip install pelote\n", + "!{sys.executable} -m pip install ipysigma" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "3f0b1cfb", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:15:38.270066Z", + "iopub.status.busy": "2024-09-13T10:15:38.269841Z", + "iopub.status.idle": "2024-09-13T10:15:38.294476Z", + "shell.execute_reply": "2024-09-13T10:15:38.293774Z" + } + }, + "outputs": [], + "source": [ + "from pelote import tables_to_graph\n", + "from ipysigma import Sigma" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "id": "7711711d", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:15:38.298206Z", + "iopub.status.busy": "2024-09-13T10:15:38.297701Z", + "iopub.status.idle": "2024-09-13T10:15:38.302575Z", + "shell.execute_reply": "2024-09-13T10:15:38.301891Z" + } + }, + "outputs": [], + "source": [ + "def create_edges_nodes(matches, nodes_columns):\n", + " # edges\n", + " edges_plot = matches.copy()\n", + "\n", + " # nodes\n", + " nodes_plot = (\n", + " pd.concat([\n", + " matches[['source'] + list(map(lambda x: x + '_source', nodes_columns))].rename(columns={'source':'id'}).rename(columns = lambda x: x.replace('_source', '')), \n", + " matches[['target'] + list(map(lambda x: x + '_target', nodes_columns))].rename(columns={'target':'id'}).rename(columns = lambda x: x.replace('_target', ''))], \n", + " ignore_index=True)\n", + " .drop_duplicates('id')\n", + " )\n", + " nodes_plot[\"blank\"] = \" \"\n", + " return edges_plot, nodes_plot" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "id": "a88cd480", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:15:38.305450Z", + "iopub.status.busy": "2024-09-13T10:15:38.305253Z", + "iopub.status.idle": "2024-09-13T10:15:38.320890Z", + "shell.execute_reply": "2024-09-13T10:15:38.320107Z" + } + }, + "outputs": [], + "source": [ + "edges, nodes = create_edges_nodes(matches_synth, ['text_to_embed','language'])" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "id": "37403921", + "metadata": { + "execution": { + "iopub.execute_input": "2024-09-13T10:15:38.323522Z", + "iopub.status.busy": "2024-09-13T10:15:38.323318Z", + "iopub.status.idle": "2024-09-13T10:15:38.482250Z", + "shell.execute_reply": "2024-09-13T10:15:38.481711Z" + }, + "lines_to_next_cell": 0 + }, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "0985a0e4c140406fb905c7046979e863", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Sigma(nx.Graph with 2,817 nodes and 10,516 edges)" + ] + }, + "execution_count": 15, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "g = tables_to_graph(\n", + " nodes.reset_index()[[\"id\",'blank','text_to_embed','language']].astype(str),\n", + " edges[[\"source\",\"target\",\"dup_type\",\"score\"]].astype(str), \n", + " node_col=\"id\",\n", + " node_data=[\"id\",'blank','text_to_embed','language'],\n", + " edge_data=['score',\"dup_type\"],\n", + ")\n", + "\n", + "graph_sigma = Sigma(g, \n", + " node_label=\"text_to_embed\",\n", + " default_node_size =.5,\n", + " edge_color=\"dup_type\",\n", + " default_edge_type=\"curve\", \n", + " node_border_color_from=\"node\",\n", + " label_density=5,\n", + " label_rendered_size_threshold=0.0000001,\n", + " )\n", + "\n", + "graph_sigma" + ] + }, + { + "cell_type": "markdown", + "id": "6acbcb8f-12d9-40cb-b309-8b6a62f4040d", + "metadata": { + "lines_to_next_cell": 2 + }, + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "63603a0d-d2cb-4107-9ccf-65b5e5484dfd", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.11" + }, + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "state": { + "0985a0e4c140406fb905c7046979e863": { + "model_module": "ipysigma", + "model_module_version": "^0.24.2", + "model_name": "SigmaModel", + "state": { + "_dom_classes": [], + "_model_module": "ipysigma", + "_model_module_version": "^0.24.2", + "_model_name": "SigmaModel", + "_view_count": null, + "_view_module": "ipysigma", + "_view_module_version": "^0.24.2", + "_view_name": "SigmaView", + "background_color": "white", + "camera_state": { + "angle": 0, + "ratio": 1, + "x": 0.5, + "y": 0.5 + }, + "clickable_edges": false, + "data": { + "edges": [ + { + "attributes": { + "dup_type": "translation", + "score": "0.8492404" + }, + "source": "10", + "target": "11" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85466886" + }, + "source": "10", + "target": "12" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77899194" + }, + "source": "10", + "target": "13" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8384236" + }, + "source": "10", + "target": "14" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76291746" + }, + "source": "10", + "target": "16" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8495906" + }, + "source": "10", + "target": "18" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7905015" + }, + "source": "10", + "target": "19" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7869836" + }, + "source": "11", + "target": "12" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8509629" + }, + "source": "11", + "target": "13" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8413267" + }, + "source": "11", + "target": "14" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81863177" + }, + "source": "11", + "target": "15" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7899996" + }, + "source": "11", + "target": "16" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77053744" + }, + "source": "11", + "target": "17" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9319124" + }, + "source": "11", + "target": "18" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8513753" + }, + "source": "11", + "target": "19" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7892952" + }, + "source": "12", + "target": "18" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7629925" + }, + "source": "12", + "target": "19" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8703909" + }, + "source": "13", + "target": "15" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7961719" + }, + "source": "13", + "target": "16" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85976887" + }, + "source": "13", + "target": "18" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8188263" + }, + "source": "13", + "target": "19" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83193815" + }, + "source": "14", + "target": "18" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7676054" + }, + "source": "14", + "target": "19" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77129227" + }, + "source": "15", + "target": "16" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.805989" + }, + "source": "15", + "target": "18" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77700186" + }, + "source": "16", + "target": "18" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7599726" + }, + "source": "17", + "target": "18" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88121176" + }, + "source": "18", + "target": "19" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77379453" + }, + "source": "21", + "target": "22" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8374714" + }, + "source": "21", + "target": "23" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.773003" + }, + "source": "21", + "target": "24" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93957317" + }, + "source": "21", + "target": "25" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8572876" + }, + "source": "21", + "target": "26" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87961185" + }, + "source": "21", + "target": "27" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9131948" + }, + "source": "21", + "target": "28" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.884641" + }, + "source": "21", + "target": "29" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.750342" + }, + "source": "22", + "target": "23" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7787091" + }, + "source": "22", + "target": "24" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76631093" + }, + "source": "22", + "target": "25" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7639246" + }, + "source": "22", + "target": "28" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.766256" + }, + "source": "22", + "target": "29" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79128593" + }, + "source": "23", + "target": "24" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85100627" + }, + "source": "23", + "target": "25" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87296987" + }, + "source": "23", + "target": "26" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8289807" + }, + "source": "23", + "target": "27" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85015047" + }, + "source": "23", + "target": "28" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90916973" + }, + "source": "23", + "target": "29" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7776524" + }, + "source": "24", + "target": "25" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79357445" + }, + "source": "24", + "target": "26" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81415796" + }, + "source": "24", + "target": "27" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79397607" + }, + "source": "24", + "target": "28" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7965912" + }, + "source": "24", + "target": "29" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86122686" + }, + "source": "25", + "target": "26" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86276877" + }, + "source": "25", + "target": "27" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91063774" + }, + "source": "25", + "target": "28" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9043801" + }, + "source": "25", + "target": "29" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8413477" + }, + "source": "26", + "target": "27" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86439705" + }, + "source": "26", + "target": "28" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9004445" + }, + "source": "26", + "target": "29" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85710275" + }, + "source": "27", + "target": "28" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84135413" + }, + "source": "27", + "target": "29" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8770199" + }, + "source": "28", + "target": "29" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8376114" + }, + "source": "30", + "target": "31" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8342434" + }, + "source": "30", + "target": "32" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8215349" + }, + "source": "30", + "target": "33" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8123131" + }, + "source": "30", + "target": "36" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7928652" + }, + "source": "30", + "target": "38" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7968931" + }, + "source": "30", + "target": "39" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83280706" + }, + "source": "31", + "target": "32" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91421616" + }, + "source": "31", + "target": "33" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86098677" + }, + "source": "31", + "target": "34" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7637389" + }, + "source": "31", + "target": "35" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89744985" + }, + "source": "31", + "target": "36" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7550746" + }, + "source": "31", + "target": "37" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9186523" + }, + "source": "31", + "target": "38" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9176992" + }, + "source": "31", + "target": "39" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8191793" + }, + "source": "32", + "target": "33" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78252566" + }, + "source": "32", + "target": "34" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8250297" + }, + "source": "32", + "target": "36" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7563224" + }, + "source": "32", + "target": "37" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78442574" + }, + "source": "32", + "target": "38" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8016831" + }, + "source": "32", + "target": "39" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8021271" + }, + "source": "33", + "target": "34" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8695115" + }, + "source": "33", + "target": "36" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90651494" + }, + "source": "33", + "target": "38" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9330846" + }, + "source": "33", + "target": "39" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7725259" + }, + "source": "34", + "target": "35" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8707093" + }, + "source": "34", + "target": "36" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7983805" + }, + "source": "34", + "target": "37" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84122664" + }, + "source": "34", + "target": "38" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83920366" + }, + "source": "34", + "target": "39" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76427317" + }, + "source": "35", + "target": "36" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7750792" + }, + "source": "35", + "target": "38" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7511382" + }, + "source": "35", + "target": "39" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7575276" + }, + "source": "36", + "target": "37" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8969736" + }, + "source": "36", + "target": "38" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8633498" + }, + "source": "36", + "target": "39" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9292087" + }, + "source": "38", + "target": "39" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.968912" + }, + "source": "40", + "target": "41" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99154603" + }, + "source": "40", + "target": "42" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9878965" + }, + "source": "40", + "target": "43" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9877701" + }, + "source": "40", + "target": "44" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98795515" + }, + "source": "40", + "target": "45" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9773844" + }, + "source": "40", + "target": "46" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97327656" + }, + "source": "40", + "target": "47" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8305572" + }, + "source": "40", + "target": "48" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97280383" + }, + "source": "40", + "target": "49" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98215747" + }, + "source": "41", + "target": "42" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98896754" + }, + "source": "41", + "target": "43" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9911029" + }, + "source": "41", + "target": "44" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99047613" + }, + "source": "41", + "target": "45" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9936901" + }, + "source": "41", + "target": "46" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99850124" + }, + "source": "41", + "target": "47" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84847486" + }, + "source": "41", + "target": "48" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9992391" + }, + "source": "41", + "target": "49" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99595046" + }, + "source": "42", + "target": "43" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99545485" + }, + "source": "42", + "target": "44" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9954859" + }, + "source": "42", + "target": "45" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9901892" + }, + "source": "42", + "target": "46" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9852256" + }, + "source": "42", + "target": "47" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.840651" + }, + "source": "42", + "target": "48" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9841533" + }, + "source": "42", + "target": "49" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99803627" + }, + "source": "43", + "target": "44" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99752307" + }, + "source": "43", + "target": "45" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.994068" + }, + "source": "43", + "target": "46" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9908069" + }, + "source": "43", + "target": "47" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8448117" + }, + "source": "43", + "target": "48" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9908572" + }, + "source": "43", + "target": "49" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9986999" + }, + "source": "44", + "target": "45" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99566627" + }, + "source": "44", + "target": "46" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9930272" + }, + "source": "44", + "target": "47" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.847859" + }, + "source": "44", + "target": "48" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99291825" + }, + "source": "44", + "target": "49" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9951648" + }, + "source": "45", + "target": "46" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9925173" + }, + "source": "45", + "target": "47" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8516478" + }, + "source": "45", + "target": "48" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9921206" + }, + "source": "45", + "target": "49" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9942239" + }, + "source": "46", + "target": "47" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85339326" + }, + "source": "46", + "target": "48" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99393743" + }, + "source": "46", + "target": "49" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8503754" + }, + "source": "47", + "target": "48" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9992703" + }, + "source": "47", + "target": "49" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84756255" + }, + "source": "48", + "target": "49" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9198894" + }, + "source": "50", + "target": "51" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8837627" + }, + "source": "50", + "target": "52" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85373425" + }, + "source": "50", + "target": "53" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8824884" + }, + "source": "50", + "target": "54" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83922386" + }, + "source": "50", + "target": "55" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8697366" + }, + "source": "50", + "target": "56" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85718787" + }, + "source": "50", + "target": "57" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.870801" + }, + "source": "50", + "target": "58" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94638884" + }, + "source": "50", + "target": "59" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8623843" + }, + "source": "51", + "target": "52" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8237447" + }, + "source": "51", + "target": "53" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85920763" + }, + "source": "51", + "target": "54" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8737464" + }, + "source": "51", + "target": "55" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91614103" + }, + "source": "51", + "target": "56" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8181044" + }, + "source": "51", + "target": "57" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.890056" + }, + "source": "51", + "target": "58" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9248661" + }, + "source": "51", + "target": "59" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8139107" + }, + "source": "52", + "target": "53" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8802286" + }, + "source": "52", + "target": "54" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9004245" + }, + "source": "52", + "target": "55" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82410085" + }, + "source": "52", + "target": "56" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9126858" + }, + "source": "52", + "target": "57" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8611983" + }, + "source": "52", + "target": "58" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89329445" + }, + "source": "52", + "target": "59" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83446527" + }, + "source": "53", + "target": "54" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79733855" + }, + "source": "53", + "target": "55" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8243357" + }, + "source": "53", + "target": "56" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7855125" + }, + "source": "53", + "target": "57" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80733347" + }, + "source": "53", + "target": "58" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8693539" + }, + "source": "53", + "target": "59" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8426894" + }, + "source": "54", + "target": "55" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8012822" + }, + "source": "54", + "target": "56" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84801555" + }, + "source": "54", + "target": "57" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8595327" + }, + "source": "54", + "target": "58" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91463274" + }, + "source": "54", + "target": "59" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8851137" + }, + "source": "55", + "target": "56" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8957038" + }, + "source": "55", + "target": "57" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8749297" + }, + "source": "55", + "target": "58" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86540043" + }, + "source": "55", + "target": "59" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79599" + }, + "source": "56", + "target": "57" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87061477" + }, + "source": "56", + "target": "58" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8706267" + }, + "source": "56", + "target": "59" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78695595" + }, + "source": "57", + "target": "58" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85602784" + }, + "source": "57", + "target": "59" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8750404" + }, + "source": "58", + "target": "59" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8450367" + }, + "source": "60", + "target": "61" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7996472" + }, + "source": "60", + "target": "62" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.842579" + }, + "source": "60", + "target": "63" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8074009" + }, + "source": "60", + "target": "64" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7490851" + }, + "source": "60", + "target": "66" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87736046" + }, + "source": "60", + "target": "68" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8485426" + }, + "source": "60", + "target": "69" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76167965" + }, + "source": "61", + "target": "62" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8284964" + }, + "source": "61", + "target": "63" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.840029" + }, + "source": "61", + "target": "64" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77544326" + }, + "source": "61", + "target": "67" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85491097" + }, + "source": "61", + "target": "68" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8651199" + }, + "source": "61", + "target": "69" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8259232" + }, + "source": "62", + "target": "63" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8136199" + }, + "source": "62", + "target": "68" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75708723" + }, + "source": "62", + "target": "69" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79205734" + }, + "source": "63", + "target": "64" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8342117" + }, + "source": "63", + "target": "68" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83722603" + }, + "source": "63", + "target": "69" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7939744" + }, + "source": "64", + "target": "66" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82543516" + }, + "source": "64", + "target": "68" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85158813" + }, + "source": "64", + "target": "69" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7521317" + }, + "source": "66", + "target": "68" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76171577" + }, + "source": "66", + "target": "69" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87595594" + }, + "source": "68", + "target": "69" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.889714" + }, + "source": "70", + "target": "71" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8558305" + }, + "source": "70", + "target": "72" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9271556" + }, + "source": "70", + "target": "73" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8545005" + }, + "source": "70", + "target": "75" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88379157" + }, + "source": "70", + "target": "78" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93416333" + }, + "source": "70", + "target": "79" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8736912" + }, + "source": "71", + "target": "72" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.891835" + }, + "source": "71", + "target": "73" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9051582" + }, + "source": "71", + "target": "75" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8509767" + }, + "source": "71", + "target": "78" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88783604" + }, + "source": "71", + "target": "79" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86135024" + }, + "source": "72", + "target": "73" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8304026" + }, + "source": "72", + "target": "75" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83216953" + }, + "source": "72", + "target": "78" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8618834" + }, + "source": "72", + "target": "79" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8492686" + }, + "source": "73", + "target": "75" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.867362" + }, + "source": "73", + "target": "78" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93503493" + }, + "source": "73", + "target": "79" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81600547" + }, + "source": "75", + "target": "78" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8510086" + }, + "source": "75", + "target": "79" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9057057" + }, + "source": "78", + "target": "79" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91764903" + }, + "source": "80", + "target": "81" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8555342" + }, + "source": "80", + "target": "82" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9066812" + }, + "source": "80", + "target": "83" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84565026" + }, + "source": "80", + "target": "85" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9361559" + }, + "source": "80", + "target": "88" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9331981" + }, + "source": "80", + "target": "89" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85953856" + }, + "source": "81", + "target": "82" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93080175" + }, + "source": "81", + "target": "83" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88110787" + }, + "source": "81", + "target": "85" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9482802" + }, + "source": "81", + "target": "88" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9361682" + }, + "source": "81", + "target": "89" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84093404" + }, + "source": "82", + "target": "83" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8206712" + }, + "source": "82", + "target": "85" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8570508" + }, + "source": "82", + "target": "88" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8755326" + }, + "source": "82", + "target": "89" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8749453" + }, + "source": "83", + "target": "85" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9331273" + }, + "source": "83", + "target": "88" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9336493" + }, + "source": "83", + "target": "89" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8617674" + }, + "source": "85", + "target": "88" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8728595" + }, + "source": "85", + "target": "89" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.95433015" + }, + "source": "88", + "target": "89" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83849806" + }, + "source": "90", + "target": "91" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.882823" + }, + "source": "90", + "target": "92" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8083857" + }, + "source": "90", + "target": "93" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.871682" + }, + "source": "90", + "target": "98" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83311963" + }, + "source": "90", + "target": "99" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8269665" + }, + "source": "91", + "target": "92" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7684496" + }, + "source": "91", + "target": "93" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.803654" + }, + "source": "91", + "target": "96" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91290027" + }, + "source": "91", + "target": "98" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90794116" + }, + "source": "91", + "target": "99" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81666857" + }, + "source": "92", + "target": "93" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8576926" + }, + "source": "92", + "target": "98" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85426474" + }, + "source": "92", + "target": "99" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84561527" + }, + "source": "93", + "target": "98" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85024554" + }, + "source": "93", + "target": "99" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7680018" + }, + "source": "95", + "target": "96" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79225934" + }, + "source": "95", + "target": "98" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77055" + }, + "source": "95", + "target": "99" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8019068" + }, + "source": "96", + "target": "98" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81356823" + }, + "source": "96", + "target": "99" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7827972" + }, + "source": "97", + "target": "98" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93244004" + }, + "source": "98", + "target": "99" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88775885" + }, + "source": "100", + "target": "101" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8090684" + }, + "source": "100", + "target": "102" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89118683" + }, + "source": "100", + "target": "103" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7627312" + }, + "source": "100", + "target": "105" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8543252" + }, + "source": "100", + "target": "108" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87883055" + }, + "source": "100", + "target": "109" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8047189" + }, + "source": "101", + "target": "102" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9119313" + }, + "source": "101", + "target": "103" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7705398" + }, + "source": "101", + "target": "105" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7980229" + }, + "source": "101", + "target": "107" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9195939" + }, + "source": "101", + "target": "108" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90848184" + }, + "source": "101", + "target": "109" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7774317" + }, + "source": "102", + "target": "103" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8460994" + }, + "source": "102", + "target": "108" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82862294" + }, + "source": "102", + "target": "109" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8002089" + }, + "source": "103", + "target": "105" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.880761" + }, + "source": "103", + "target": "108" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9071317" + }, + "source": "103", + "target": "109" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77772486" + }, + "source": "105", + "target": "108" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77957475" + }, + "source": "105", + "target": "109" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77155715" + }, + "source": "107", + "target": "108" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79340696" + }, + "source": "107", + "target": "109" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92896897" + }, + "source": "108", + "target": "109" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9312108" + }, + "source": "110", + "target": "111" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8650889" + }, + "source": "110", + "target": "112" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94028854" + }, + "source": "110", + "target": "113" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85116094" + }, + "source": "110", + "target": "114" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9307531" + }, + "source": "110", + "target": "115" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90228695" + }, + "source": "110", + "target": "116" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9093534" + }, + "source": "110", + "target": "117" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8579978" + }, + "source": "110", + "target": "118" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9375223" + }, + "source": "110", + "target": "119" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89435744" + }, + "source": "111", + "target": "112" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9484495" + }, + "source": "111", + "target": "113" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8861694" + }, + "source": "111", + "target": "114" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93689275" + }, + "source": "111", + "target": "115" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9453646" + }, + "source": "111", + "target": "116" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9294419" + }, + "source": "111", + "target": "117" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8455167" + }, + "source": "111", + "target": "118" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92774665" + }, + "source": "111", + "target": "119" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9079361" + }, + "source": "112", + "target": "113" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9119231" + }, + "source": "112", + "target": "114" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9243914" + }, + "source": "112", + "target": "115" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9061453" + }, + "source": "112", + "target": "116" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9185574" + }, + "source": "112", + "target": "117" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8820045" + }, + "source": "112", + "target": "118" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8913071" + }, + "source": "112", + "target": "119" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88279396" + }, + "source": "113", + "target": "114" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9580941" + }, + "source": "113", + "target": "115" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9483019" + }, + "source": "113", + "target": "116" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93425405" + }, + "source": "113", + "target": "117" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8690025" + }, + "source": "113", + "target": "118" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91986156" + }, + "source": "113", + "target": "119" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8969572" + }, + "source": "114", + "target": "115" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8947612" + }, + "source": "114", + "target": "116" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89205444" + }, + "source": "114", + "target": "117" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90992475" + }, + "source": "114", + "target": "118" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8622024" + }, + "source": "114", + "target": "119" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90782374" + }, + "source": "115", + "target": "116" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91202366" + }, + "source": "115", + "target": "117" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88664955" + }, + "source": "115", + "target": "118" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93330634" + }, + "source": "115", + "target": "119" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94556916" + }, + "source": "116", + "target": "117" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.845602" + }, + "source": "116", + "target": "118" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91360044" + }, + "source": "116", + "target": "119" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83304954" + }, + "source": "117", + "target": "118" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9073903" + }, + "source": "117", + "target": "119" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8684797" + }, + "source": "118", + "target": "119" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.917505" + }, + "source": "120", + "target": "121" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91050863" + }, + "source": "120", + "target": "122" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92859596" + }, + "source": "120", + "target": "123" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9207219" + }, + "source": "120", + "target": "124" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9225539" + }, + "source": "120", + "target": "125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9257306" + }, + "source": "120", + "target": "126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9225539" + }, + "source": "120", + "target": "127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8895989" + }, + "source": "120", + "target": "128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9123732" + }, + "source": "120", + "target": "129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9962175" + }, + "source": "121", + "target": "122" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98553133" + }, + "source": "121", + "target": "123" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98571765" + }, + "source": "121", + "target": "124" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9862116" + }, + "source": "121", + "target": "125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99478394" + }, + "source": "121", + "target": "126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9862116" + }, + "source": "121", + "target": "127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8918614" + }, + "source": "121", + "target": "128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9983821" + }, + "source": "121", + "target": "129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9756092" + }, + "source": "122", + "target": "123" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9762206" + }, + "source": "122", + "target": "124" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98415494" + }, + "source": "122", + "target": "125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9916146" + }, + "source": "122", + "target": "126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98415494" + }, + "source": "122", + "target": "127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89166653" + }, + "source": "122", + "target": "128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99367523" + }, + "source": "122", + "target": "129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9915738" + }, + "source": "123", + "target": "124" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9898931" + }, + "source": "123", + "target": "125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9917247" + }, + "source": "123", + "target": "126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9898931" + }, + "source": "123", + "target": "127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8735589" + }, + "source": "123", + "target": "128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98423505" + }, + "source": "123", + "target": "129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9792676" + }, + "source": "124", + "target": "125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98892593" + }, + "source": "124", + "target": "126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9792676" + }, + "source": "124", + "target": "127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87890095" + }, + "source": "124", + "target": "128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98755634" + }, + "source": "124", + "target": "129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9929254" + }, + "source": "125", + "target": "126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9999999" + }, + "source": "125", + "target": "127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8717473" + }, + "source": "125", + "target": "128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98090994" + }, + "source": "125", + "target": "129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9929254" + }, + "source": "126", + "target": "127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8900801" + }, + "source": "126", + "target": "128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9927952" + }, + "source": "126", + "target": "129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8717473" + }, + "source": "127", + "target": "128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98090994" + }, + "source": "127", + "target": "129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8927415" + }, + "source": "128", + "target": "129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92572886" + }, + "source": "130", + "target": "131" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93658984" + }, + "source": "130", + "target": "132" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9204572" + }, + "source": "130", + "target": "133" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8638416" + }, + "source": "130", + "target": "134" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93605745" + }, + "source": "130", + "target": "135" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9260582" + }, + "source": "130", + "target": "136" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93658984" + }, + "source": "130", + "target": "137" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93658984" + }, + "source": "130", + "target": "138" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93658984" + }, + "source": "130", + "target": "139" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.998137" + }, + "source": "131", + "target": "132" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9983834" + }, + "source": "131", + "target": "133" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93289137" + }, + "source": "131", + "target": "134" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99234957" + }, + "source": "131", + "target": "135" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9965111" + }, + "source": "131", + "target": "136" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.998137" + }, + "source": "131", + "target": "137" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.998137" + }, + "source": "131", + "target": "138" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.998137" + }, + "source": "131", + "target": "139" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.995965" + }, + "source": "132", + "target": "133" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9304484" + }, + "source": "132", + "target": "134" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99538314" + }, + "source": "132", + "target": "135" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9957315" + }, + "source": "132", + "target": "136" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000004" + }, + "source": "132", + "target": "137" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000004" + }, + "source": "132", + "target": "138" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000004" + }, + "source": "132", + "target": "139" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93140507" + }, + "source": "133", + "target": "134" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9916383" + }, + "source": "133", + "target": "135" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9964435" + }, + "source": "133", + "target": "136" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.995965" + }, + "source": "133", + "target": "137" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.995965" + }, + "source": "133", + "target": "138" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.995965" + }, + "source": "133", + "target": "139" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9268782" + }, + "source": "134", + "target": "135" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9271921" + }, + "source": "134", + "target": "136" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93044853" + }, + "source": "134", + "target": "137" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93044853" + }, + "source": "134", + "target": "138" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93044853" + }, + "source": "134", + "target": "139" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9918684" + }, + "source": "135", + "target": "136" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9953834" + }, + "source": "135", + "target": "137" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9953834" + }, + "source": "135", + "target": "138" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9953834" + }, + "source": "135", + "target": "139" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9957316" + }, + "source": "136", + "target": "137" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9957316" + }, + "source": "136", + "target": "138" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9957316" + }, + "source": "136", + "target": "139" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000004" + }, + "source": "137", + "target": "138" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000004" + }, + "source": "137", + "target": "139" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000004" + }, + "source": "138", + "target": "139" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7635261" + }, + "source": "140", + "target": "141" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9034022" + }, + "source": "140", + "target": "142" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9157033" + }, + "source": "140", + "target": "143" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7804914" + }, + "source": "140", + "target": "146" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9034022" + }, + "source": "140", + "target": "147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8639266" + }, + "source": "141", + "target": "142" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.861243" + }, + "source": "141", + "target": "143" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9036615" + }, + "source": "141", + "target": "144" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9122604" + }, + "source": "141", + "target": "145" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9884513" + }, + "source": "141", + "target": "146" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8639266" + }, + "source": "141", + "target": "147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9036615" + }, + "source": "141", + "target": "148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9912011" + }, + "source": "142", + "target": "143" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8089198" + }, + "source": "142", + "target": "144" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8064039" + }, + "source": "142", + "target": "145" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8763298" + }, + "source": "142", + "target": "146" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99999976" + }, + "source": "142", + "target": "147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8089198" + }, + "source": "142", + "target": "148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.78831196" + }, + "source": "143", + "target": "144" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7897103" + }, + "source": "143", + "target": "145" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8741152" + }, + "source": "143", + "target": "146" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9912009" + }, + "source": "143", + "target": "147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.78831196" + }, + "source": "143", + "target": "148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96608245" + }, + "source": "144", + "target": "145" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9121798" + }, + "source": "144", + "target": "146" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8089198" + }, + "source": "144", + "target": "147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9999999" + }, + "source": "144", + "target": "148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91978896" + }, + "source": "145", + "target": "146" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8064038" + }, + "source": "145", + "target": "147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96608233" + }, + "source": "145", + "target": "148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87632966" + }, + "source": "146", + "target": "147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9121797" + }, + "source": "146", + "target": "148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7481803" + }, + "source": "146", + "target": "149" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8089198" + }, + "source": "147", + "target": "148" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8171141" + }, + "source": "150", + "target": "151" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8066028" + }, + "source": "150", + "target": "152" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80137175" + }, + "source": "150", + "target": "153" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76621234" + }, + "source": "150", + "target": "155" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7484671" + }, + "source": "150", + "target": "156" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82735646" + }, + "source": "150", + "target": "158" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7887346" + }, + "source": "150", + "target": "159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86813617" + }, + "source": "151", + "target": "152" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8155235" + }, + "source": "151", + "target": "153" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7572329" + }, + "source": "151", + "target": "154" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7753786" + }, + "source": "151", + "target": "155" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77790284" + }, + "source": "151", + "target": "156" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88939244" + }, + "source": "151", + "target": "158" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8672048" + }, + "source": "151", + "target": "159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77683264" + }, + "source": "152", + "target": "153" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7654469" + }, + "source": "152", + "target": "154" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76693213" + }, + "source": "152", + "target": "155" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8252528" + }, + "source": "152", + "target": "156" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8676497" + }, + "source": "152", + "target": "158" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84854805" + }, + "source": "152", + "target": "159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80518794" + }, + "source": "153", + "target": "155" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7690964" + }, + "source": "153", + "target": "156" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8496932" + }, + "source": "153", + "target": "158" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8332944" + }, + "source": "153", + "target": "159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7765147" + }, + "source": "154", + "target": "155" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8458235" + }, + "source": "154", + "target": "158" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.841061" + }, + "source": "154", + "target": "159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76678795" + }, + "source": "155", + "target": "156" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82832193" + }, + "source": "155", + "target": "158" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8355637" + }, + "source": "155", + "target": "159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79157877" + }, + "source": "156", + "target": "158" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.782853" + }, + "source": "156", + "target": "159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.95932174" + }, + "source": "158", + "target": "159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83901757" + }, + "source": "160", + "target": "161" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8737516" + }, + "source": "160", + "target": "162" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86335063" + }, + "source": "160", + "target": "163" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7683089" + }, + "source": "160", + "target": "164" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77563435" + }, + "source": "160", + "target": "166" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8072456" + }, + "source": "160", + "target": "168" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82251316" + }, + "source": "160", + "target": "169" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8711324" + }, + "source": "161", + "target": "162" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9062642" + }, + "source": "161", + "target": "163" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7583246" + }, + "source": "161", + "target": "164" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83615994" + }, + "source": "161", + "target": "166" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8567548" + }, + "source": "161", + "target": "168" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8403283" + }, + "source": "161", + "target": "169" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8865237" + }, + "source": "162", + "target": "163" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8219969" + }, + "source": "162", + "target": "166" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84282994" + }, + "source": "162", + "target": "168" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8451537" + }, + "source": "162", + "target": "169" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7650984" + }, + "source": "163", + "target": "164" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8165778" + }, + "source": "163", + "target": "166" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8506161" + }, + "source": "163", + "target": "168" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8770498" + }, + "source": "163", + "target": "169" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75534874" + }, + "source": "164", + "target": "168" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79645205" + }, + "source": "164", + "target": "169" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7497556" + }, + "source": "166", + "target": "168" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9063601" + }, + "source": "168", + "target": "169" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9256102" + }, + "source": "170", + "target": "171" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91641843" + }, + "source": "170", + "target": "172" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78219175" + }, + "source": "170", + "target": "174" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79686266" + }, + "source": "170", + "target": "178" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78695977" + }, + "source": "170", + "target": "179" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.915259" + }, + "source": "171", + "target": "172" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76967037" + }, + "source": "171", + "target": "173" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76664007" + }, + "source": "171", + "target": "174" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80016714" + }, + "source": "171", + "target": "178" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7986121" + }, + "source": "171", + "target": "179" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7813005" + }, + "source": "172", + "target": "174" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77521384" + }, + "source": "172", + "target": "178" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75881875" + }, + "source": "172", + "target": "179" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8209284" + }, + "source": "173", + "target": "179" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76052666" + }, + "source": "178", + "target": "179" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84525347" + }, + "source": "181", + "target": "182" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7916492" + }, + "source": "181", + "target": "183" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7537884" + }, + "source": "181", + "target": "184" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8550808" + }, + "source": "181", + "target": "185" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85326016" + }, + "source": "181", + "target": "186" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83858234" + }, + "source": "181", + "target": "187" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8358152" + }, + "source": "181", + "target": "188" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8448875" + }, + "source": "181", + "target": "189" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7571879" + }, + "source": "182", + "target": "184" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7890729" + }, + "source": "182", + "target": "185" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7801873" + }, + "source": "182", + "target": "186" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7845291" + }, + "source": "182", + "target": "187" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8039118" + }, + "source": "182", + "target": "188" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78199595" + }, + "source": "182", + "target": "189" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76720756" + }, + "source": "183", + "target": "188" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7933008" + }, + "source": "184", + "target": "187" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84601563" + }, + "source": "184", + "target": "188" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74788153" + }, + "source": "184", + "target": "189" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77767074" + }, + "source": "185", + "target": "186" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81504154" + }, + "source": "185", + "target": "187" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8118434" + }, + "source": "185", + "target": "188" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7675795" + }, + "source": "185", + "target": "189" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8511802" + }, + "source": "186", + "target": "187" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77138656" + }, + "source": "186", + "target": "188" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82862973" + }, + "source": "186", + "target": "189" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84214604" + }, + "source": "187", + "target": "188" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81097627" + }, + "source": "187", + "target": "189" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7966914" + }, + "source": "188", + "target": "189" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97748035" + }, + "source": "190", + "target": "191" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9765843" + }, + "source": "190", + "target": "192" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9720453" + }, + "source": "190", + "target": "193" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.973953" + }, + "source": "190", + "target": "194" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97561646" + }, + "source": "190", + "target": "195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9787749" + }, + "source": "190", + "target": "196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97997785" + }, + "source": "190", + "target": "197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9804233" + }, + "source": "190", + "target": "198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9787749" + }, + "source": "190", + "target": "199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9906721" + }, + "source": "191", + "target": "192" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9871368" + }, + "source": "191", + "target": "193" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98535454" + }, + "source": "191", + "target": "194" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9891268" + }, + "source": "191", + "target": "195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99115604" + }, + "source": "191", + "target": "196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9927138" + }, + "source": "191", + "target": "197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9930036" + }, + "source": "191", + "target": "198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99115604" + }, + "source": "191", + "target": "199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9983717" + }, + "source": "192", + "target": "193" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9870059" + }, + "source": "192", + "target": "194" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99789464" + }, + "source": "192", + "target": "195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9962799" + }, + "source": "192", + "target": "196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9965091" + }, + "source": "192", + "target": "197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99668044" + }, + "source": "192", + "target": "198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9962799" + }, + "source": "192", + "target": "199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98893964" + }, + "source": "193", + "target": "194" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99694395" + }, + "source": "193", + "target": "195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99578816" + }, + "source": "193", + "target": "196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9950391" + }, + "source": "193", + "target": "197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9951498" + }, + "source": "193", + "target": "198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99578816" + }, + "source": "193", + "target": "199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98535633" + }, + "source": "194", + "target": "195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99090683" + }, + "source": "194", + "target": "196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9900768" + }, + "source": "194", + "target": "197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99032265" + }, + "source": "194", + "target": "198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99090683" + }, + "source": "194", + "target": "199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9966712" + }, + "source": "195", + "target": "196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9964577" + }, + "source": "195", + "target": "197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99656224" + }, + "source": "195", + "target": "198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9966712" + }, + "source": "195", + "target": "199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9990907" + }, + "source": "196", + "target": "197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99910206" + }, + "source": "196", + "target": "198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0" + }, + "source": "196", + "target": "199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9998592" + }, + "source": "197", + "target": "198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9990907" + }, + "source": "197", + "target": "199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99910194" + }, + "source": "198", + "target": "199" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9101483" + }, + "source": "200", + "target": "201" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9045068" + }, + "source": "200", + "target": "202" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9339608" + }, + "source": "200", + "target": "203" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88915443" + }, + "source": "200", + "target": "204" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9419161" + }, + "source": "200", + "target": "205" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9273019" + }, + "source": "200", + "target": "206" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8794588" + }, + "source": "200", + "target": "207" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96384585" + }, + "source": "200", + "target": "208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86937773" + }, + "source": "200", + "target": "209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9033958" + }, + "source": "201", + "target": "202" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94733405" + }, + "source": "201", + "target": "203" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92609936" + }, + "source": "201", + "target": "204" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93518126" + }, + "source": "201", + "target": "205" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9154395" + }, + "source": "201", + "target": "206" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9048307" + }, + "source": "201", + "target": "207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9250655" + }, + "source": "201", + "target": "208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.933635" + }, + "source": "201", + "target": "209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88513124" + }, + "source": "202", + "target": "203" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8763001" + }, + "source": "202", + "target": "204" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9007189" + }, + "source": "202", + "target": "205" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86049664" + }, + "source": "202", + "target": "206" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8867873" + }, + "source": "202", + "target": "207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89430803" + }, + "source": "202", + "target": "208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8894614" + }, + "source": "202", + "target": "209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9056016" + }, + "source": "203", + "target": "204" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9226632" + }, + "source": "203", + "target": "205" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93920165" + }, + "source": "203", + "target": "206" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.867754" + }, + "source": "203", + "target": "207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92625815" + }, + "source": "203", + "target": "208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87082005" + }, + "source": "203", + "target": "209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89932036" + }, + "source": "204", + "target": "205" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8720776" + }, + "source": "204", + "target": "206" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8740164" + }, + "source": "204", + "target": "207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90623295" + }, + "source": "204", + "target": "208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88936543" + }, + "source": "204", + "target": "209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9045695" + }, + "source": "205", + "target": "206" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90092385" + }, + "source": "205", + "target": "207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9423516" + }, + "source": "205", + "target": "208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89848244" + }, + "source": "205", + "target": "209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8810576" + }, + "source": "206", + "target": "207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92384815" + }, + "source": "206", + "target": "208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87819105" + }, + "source": "206", + "target": "209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87506664" + }, + "source": "207", + "target": "208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9409212" + }, + "source": "207", + "target": "209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8727877" + }, + "source": "208", + "target": "209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93727946" + }, + "source": "210", + "target": "211" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9110204" + }, + "source": "210", + "target": "212" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93318576" + }, + "source": "210", + "target": "213" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8171419" + }, + "source": "210", + "target": "214" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84471977" + }, + "source": "210", + "target": "215" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93758756" + }, + "source": "210", + "target": "216" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9380654" + }, + "source": "210", + "target": "217" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9373238" + }, + "source": "210", + "target": "218" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9146962" + }, + "source": "210", + "target": "219" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9166642" + }, + "source": "211", + "target": "212" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9478957" + }, + "source": "211", + "target": "213" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8439776" + }, + "source": "211", + "target": "214" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9158912" + }, + "source": "211", + "target": "215" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9493358" + }, + "source": "211", + "target": "216" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94325495" + }, + "source": "211", + "target": "217" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9507" + }, + "source": "211", + "target": "218" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9428196" + }, + "source": "211", + "target": "219" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9277837" + }, + "source": "212", + "target": "213" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84040415" + }, + "source": "212", + "target": "214" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8728002" + }, + "source": "212", + "target": "215" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9465023" + }, + "source": "212", + "target": "216" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9131855" + }, + "source": "212", + "target": "217" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9445408" + }, + "source": "212", + "target": "218" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90860474" + }, + "source": "212", + "target": "219" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84849143" + }, + "source": "213", + "target": "214" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91425145" + }, + "source": "213", + "target": "215" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9598148" + }, + "source": "213", + "target": "216" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9310995" + }, + "source": "213", + "target": "217" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9667542" + }, + "source": "213", + "target": "218" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91243327" + }, + "source": "213", + "target": "219" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85755706" + }, + "source": "214", + "target": "215" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8895638" + }, + "source": "214", + "target": "216" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80932677" + }, + "source": "214", + "target": "217" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8981813" + }, + "source": "214", + "target": "218" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84628594" + }, + "source": "214", + "target": "219" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9098964" + }, + "source": "215", + "target": "216" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88295424" + }, + "source": "215", + "target": "217" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92323935" + }, + "source": "215", + "target": "218" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90316147" + }, + "source": "215", + "target": "219" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92542195" + }, + "source": "216", + "target": "217" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97958505" + }, + "source": "216", + "target": "218" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9245894" + }, + "source": "216", + "target": "219" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93070984" + }, + "source": "217", + "target": "218" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93321294" + }, + "source": "217", + "target": "219" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9263155" + }, + "source": "218", + "target": "219" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8535497" + }, + "source": "220", + "target": "221" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85693777" + }, + "source": "220", + "target": "222" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7795011" + }, + "source": "220", + "target": "223" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8353802" + }, + "source": "220", + "target": "226" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82536066" + }, + "source": "220", + "target": "228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7696327" + }, + "source": "220", + "target": "229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86395335" + }, + "source": "221", + "target": "222" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8454254" + }, + "source": "221", + "target": "223" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7890924" + }, + "source": "221", + "target": "224" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77829325" + }, + "source": "221", + "target": "225" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87755513" + }, + "source": "221", + "target": "226" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7793695" + }, + "source": "221", + "target": "227" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83430344" + }, + "source": "221", + "target": "228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8364436" + }, + "source": "221", + "target": "229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81558776" + }, + "source": "222", + "target": "223" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7734151" + }, + "source": "222", + "target": "225" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85051084" + }, + "source": "222", + "target": "226" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7865107" + }, + "source": "222", + "target": "227" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8311226" + }, + "source": "222", + "target": "228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82796943" + }, + "source": "222", + "target": "229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81613874" + }, + "source": "223", + "target": "226" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8455473" + }, + "source": "223", + "target": "228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8579018" + }, + "source": "223", + "target": "229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7693876" + }, + "source": "224", + "target": "228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8535611" + }, + "source": "225", + "target": "226" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7840959" + }, + "source": "226", + "target": "228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7737304" + }, + "source": "226", + "target": "229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75500584" + }, + "source": "227", + "target": "229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83743227" + }, + "source": "228", + "target": "229" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79473186" + }, + "source": "230", + "target": "231" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82248485" + }, + "source": "230", + "target": "232" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7936787" + }, + "source": "230", + "target": "233" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86302674" + }, + "source": "230", + "target": "234" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8644679" + }, + "source": "230", + "target": "235" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8911797" + }, + "source": "230", + "target": "236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77389085" + }, + "source": "230", + "target": "237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7944943" + }, + "source": "230", + "target": "238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8794943" + }, + "source": "230", + "target": "239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8849336" + }, + "source": "231", + "target": "232" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83174175" + }, + "source": "231", + "target": "233" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91305184" + }, + "source": "231", + "target": "234" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8840244" + }, + "source": "231", + "target": "235" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8761159" + }, + "source": "231", + "target": "236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8486861" + }, + "source": "231", + "target": "237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88916767" + }, + "source": "231", + "target": "238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.864233" + }, + "source": "231", + "target": "239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8330662" + }, + "source": "232", + "target": "233" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9213032" + }, + "source": "232", + "target": "234" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9161763" + }, + "source": "232", + "target": "235" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87051016" + }, + "source": "232", + "target": "236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8484626" + }, + "source": "232", + "target": "237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9035864" + }, + "source": "232", + "target": "238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84379625" + }, + "source": "232", + "target": "239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8854734" + }, + "source": "233", + "target": "234" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8426732" + }, + "source": "233", + "target": "235" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8069434" + }, + "source": "233", + "target": "236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78368056" + }, + "source": "233", + "target": "237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8536105" + }, + "source": "233", + "target": "238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7888462" + }, + "source": "233", + "target": "239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9379459" + }, + "source": "234", + "target": "235" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9092861" + }, + "source": "234", + "target": "236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87317336" + }, + "source": "234", + "target": "237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9171109" + }, + "source": "234", + "target": "238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90156853" + }, + "source": "234", + "target": "239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87300634" + }, + "source": "235", + "target": "236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87415254" + }, + "source": "235", + "target": "237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90303856" + }, + "source": "235", + "target": "238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8727516" + }, + "source": "235", + "target": "239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82470644" + }, + "source": "236", + "target": "237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8686961" + }, + "source": "236", + "target": "238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95693606" + }, + "source": "236", + "target": "239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.865077" + }, + "source": "237", + "target": "238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8118583" + }, + "source": "237", + "target": "239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83519197" + }, + "source": "238", + "target": "239" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99913013" + }, + "source": "240", + "target": "241" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9990307" + }, + "source": "240", + "target": "242" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98877525" + }, + "source": "240", + "target": "243" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9980052" + }, + "source": "240", + "target": "244" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9726862" + }, + "source": "240", + "target": "245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9983688" + }, + "source": "240", + "target": "246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99773645" + }, + "source": "240", + "target": "247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98671484" + }, + "source": "240", + "target": "248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98622155" + }, + "source": "240", + "target": "249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.999737" + }, + "source": "241", + "target": "242" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99042714" + }, + "source": "241", + "target": "243" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9991391" + }, + "source": "241", + "target": "244" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9737228" + }, + "source": "241", + "target": "245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9990244" + }, + "source": "241", + "target": "246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99838644" + }, + "source": "241", + "target": "247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98803246" + }, + "source": "241", + "target": "248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98791564" + }, + "source": "241", + "target": "249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.988817" + }, + "source": "242", + "target": "243" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9989546" + }, + "source": "242", + "target": "244" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9740262" + }, + "source": "242", + "target": "245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9990485" + }, + "source": "242", + "target": "246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.998362" + }, + "source": "242", + "target": "247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9867061" + }, + "source": "242", + "target": "248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98648936" + }, + "source": "242", + "target": "249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98957103" + }, + "source": "243", + "target": "244" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96326184" + }, + "source": "243", + "target": "245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9875887" + }, + "source": "243", + "target": "246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98759145" + }, + "source": "243", + "target": "247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9976512" + }, + "source": "243", + "target": "248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99765176" + }, + "source": "243", + "target": "249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97327113" + }, + "source": "244", + "target": "245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99796" + }, + "source": "244", + "target": "246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99726677" + }, + "source": "244", + "target": "247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9870541" + }, + "source": "244", + "target": "248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98871446" + }, + "source": "244", + "target": "249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9721935" + }, + "source": "245", + "target": "246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9706386" + }, + "source": "245", + "target": "247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9626894" + }, + "source": "245", + "target": "248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96081203" + }, + "source": "245", + "target": "249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99951196" + }, + "source": "246", + "target": "247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98732626" + }, + "source": "246", + "target": "248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98656625" + }, + "source": "246", + "target": "249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9883909" + }, + "source": "247", + "target": "248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9874392" + }, + "source": "247", + "target": "249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9987175" + }, + "source": "248", + "target": "249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9804226" + }, + "source": "250", + "target": "251" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9935602" + }, + "source": "250", + "target": "252" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9861536" + }, + "source": "250", + "target": "253" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9870429" + }, + "source": "250", + "target": "254" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99208915" + }, + "source": "250", + "target": "255" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9880761" + }, + "source": "250", + "target": "256" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98470414" + }, + "source": "250", + "target": "257" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9760753" + }, + "source": "250", + "target": "258" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9747715" + }, + "source": "250", + "target": "259" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9876108" + }, + "source": "251", + "target": "252" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98624337" + }, + "source": "251", + "target": "253" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9857743" + }, + "source": "251", + "target": "254" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98473716" + }, + "source": "251", + "target": "255" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9785055" + }, + "source": "251", + "target": "256" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97405064" + }, + "source": "251", + "target": "257" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9729712" + }, + "source": "251", + "target": "258" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97180665" + }, + "source": "251", + "target": "259" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9960191" + }, + "source": "252", + "target": "253" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9954828" + }, + "source": "252", + "target": "254" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9954984" + }, + "source": "252", + "target": "255" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9884347" + }, + "source": "252", + "target": "256" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9837091" + }, + "source": "252", + "target": "257" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.980384" + }, + "source": "252", + "target": "258" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97903365" + }, + "source": "252", + "target": "259" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99820197" + }, + "source": "253", + "target": "254" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99423814" + }, + "source": "253", + "target": "255" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98542964" + }, + "source": "253", + "target": "256" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98059374" + }, + "source": "253", + "target": "257" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.982363" + }, + "source": "253", + "target": "258" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9802639" + }, + "source": "253", + "target": "259" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9943146" + }, + "source": "254", + "target": "255" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9857494" + }, + "source": "254", + "target": "256" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98179245" + }, + "source": "254", + "target": "257" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98311055" + }, + "source": "254", + "target": "258" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9799709" + }, + "source": "254", + "target": "259" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99243534" + }, + "source": "255", + "target": "256" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9887935" + }, + "source": "255", + "target": "257" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9852011" + }, + "source": "255", + "target": "258" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98349273" + }, + "source": "255", + "target": "259" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9973835" + }, + "source": "256", + "target": "257" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99028707" + }, + "source": "256", + "target": "258" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98955584" + }, + "source": "256", + "target": "259" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99368834" + }, + "source": "257", + "target": "258" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9931283" + }, + "source": "257", + "target": "259" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99793386" + }, + "source": "258", + "target": "259" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96765244" + }, + "source": "260", + "target": "261" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92214084" + }, + "source": "260", + "target": "262" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96344805" + }, + "source": "260", + "target": "263" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9631721" + }, + "source": "260", + "target": "264" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9635092" + }, + "source": "260", + "target": "265" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99354976" + }, + "source": "260", + "target": "266" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9928415" + }, + "source": "260", + "target": "267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9793974" + }, + "source": "260", + "target": "268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9710674" + }, + "source": "260", + "target": "269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.939958" + }, + "source": "261", + "target": "262" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9698179" + }, + "source": "261", + "target": "263" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99306166" + }, + "source": "261", + "target": "264" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99590254" + }, + "source": "261", + "target": "265" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9721855" + }, + "source": "261", + "target": "266" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98469055" + }, + "source": "261", + "target": "267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97538066" + }, + "source": "261", + "target": "268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9990413" + }, + "source": "261", + "target": "269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9147547" + }, + "source": "262", + "target": "263" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9363425" + }, + "source": "262", + "target": "264" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9333252" + }, + "source": "262", + "target": "265" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9275819" + }, + "source": "262", + "target": "266" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9332377" + }, + "source": "262", + "target": "267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92590916" + }, + "source": "262", + "target": "268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9408158" + }, + "source": "262", + "target": "269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9683951" + }, + "source": "263", + "target": "264" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96641433" + }, + "source": "263", + "target": "265" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96372" + }, + "source": "263", + "target": "266" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9725516" + }, + "source": "263", + "target": "267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.963081" + }, + "source": "263", + "target": "268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9703793" + }, + "source": "263", + "target": "269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99509585" + }, + "source": "264", + "target": "265" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.967425" + }, + "source": "264", + "target": "266" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98029804" + }, + "source": "264", + "target": "267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97440076" + }, + "source": "264", + "target": "268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9939134" + }, + "source": "264", + "target": "269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96837765" + }, + "source": "265", + "target": "266" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98073816" + }, + "source": "265", + "target": "267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9739647" + }, + "source": "265", + "target": "268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99514997" + }, + "source": "265", + "target": "269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9941772" + }, + "source": "266", + "target": "267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9892464" + }, + "source": "266", + "target": "268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9751266" + }, + "source": "266", + "target": "269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98798305" + }, + "source": "267", + "target": "268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.986254" + }, + "source": "267", + "target": "269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9779234" + }, + "source": "268", + "target": "269" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89892095" + }, + "source": "270", + "target": "274" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96826947" + }, + "source": "270", + "target": "275" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92883873" + }, + "source": "270", + "target": "276" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9500387" + }, + "source": "270", + "target": "277" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93191636" + }, + "source": "270", + "target": "278" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92518747" + }, + "source": "270", + "target": "279" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94131947" + }, + "source": "272", + "target": "273" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9205624" + }, + "source": "274", + "target": "275" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.878543" + }, + "source": "274", + "target": "276" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85305107" + }, + "source": "274", + "target": "277" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8500149" + }, + "source": "274", + "target": "278" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88962996" + }, + "source": "274", + "target": "279" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.949542" + }, + "source": "275", + "target": "276" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95652986" + }, + "source": "275", + "target": "277" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92572033" + }, + "source": "275", + "target": "278" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9624882" + }, + "source": "275", + "target": "279" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9148053" + }, + "source": "276", + "target": "277" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9131447" + }, + "source": "276", + "target": "278" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92005074" + }, + "source": "276", + "target": "279" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9349245" + }, + "source": "277", + "target": "278" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9482683" + }, + "source": "277", + "target": "279" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9009708" + }, + "source": "278", + "target": "279" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7850399" + }, + "source": "280", + "target": "281" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8841811" + }, + "source": "280", + "target": "282" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87378514" + }, + "source": "280", + "target": "283" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9037943" + }, + "source": "280", + "target": "284" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8511585" + }, + "source": "280", + "target": "285" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86861783" + }, + "source": "280", + "target": "286" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87144446" + }, + "source": "280", + "target": "287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8810052" + }, + "source": "280", + "target": "288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8543053" + }, + "source": "280", + "target": "289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8542491" + }, + "source": "281", + "target": "282" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8623035" + }, + "source": "281", + "target": "283" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8589815" + }, + "source": "281", + "target": "284" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92474174" + }, + "source": "281", + "target": "285" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8551061" + }, + "source": "281", + "target": "286" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8511449" + }, + "source": "281", + "target": "287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8571242" + }, + "source": "281", + "target": "288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86153114" + }, + "source": "281", + "target": "289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97097564" + }, + "source": "282", + "target": "283" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9864174" + }, + "source": "282", + "target": "284" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94499654" + }, + "source": "282", + "target": "285" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9874748" + }, + "source": "282", + "target": "286" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99147606" + }, + "source": "282", + "target": "287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9913995" + }, + "source": "282", + "target": "288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770347" + }, + "source": "282", + "target": "289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9822692" + }, + "source": "283", + "target": "284" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9173684" + }, + "source": "283", + "target": "285" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98022306" + }, + "source": "283", + "target": "286" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.963145" + }, + "source": "283", + "target": "287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96876234" + }, + "source": "283", + "target": "288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9641663" + }, + "source": "283", + "target": "289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93657863" + }, + "source": "284", + "target": "285" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9816705" + }, + "source": "284", + "target": "286" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97840405" + }, + "source": "284", + "target": "287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9849732" + }, + "source": "284", + "target": "288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9661283" + }, + "source": "284", + "target": "289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93206567" + }, + "source": "285", + "target": "286" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95123386" + }, + "source": "285", + "target": "287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94829094" + }, + "source": "285", + "target": "288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93891656" + }, + "source": "285", + "target": "289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98581636" + }, + "source": "286", + "target": "287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9863348" + }, + "source": "286", + "target": "288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9815262" + }, + "source": "286", + "target": "289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9958999" + }, + "source": "287", + "target": "288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9834075" + }, + "source": "287", + "target": "289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9841441" + }, + "source": "288", + "target": "289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91206837" + }, + "source": "290", + "target": "291" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9647379" + }, + "source": "290", + "target": "292" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9149035" + }, + "source": "290", + "target": "293" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9836898" + }, + "source": "290", + "target": "294" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8575043" + }, + "source": "290", + "target": "295" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99247175" + }, + "source": "290", + "target": "296" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97612256" + }, + "source": "290", + "target": "297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9733184" + }, + "source": "290", + "target": "298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9811642" + }, + "source": "290", + "target": "299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8285167" + }, + "source": "291", + "target": "292" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8385052" + }, + "source": "291", + "target": "293" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89089584" + }, + "source": "291", + "target": "294" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7907865" + }, + "source": "291", + "target": "295" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89585114" + }, + "source": "291", + "target": "296" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89385384" + }, + "source": "291", + "target": "297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8841117" + }, + "source": "291", + "target": "298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9064678" + }, + "source": "291", + "target": "299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90374017" + }, + "source": "292", + "target": "293" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9819597" + }, + "source": "292", + "target": "294" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8128905" + }, + "source": "292", + "target": "295" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9777819" + }, + "source": "292", + "target": "296" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96749985" + }, + "source": "292", + "target": "297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9748251" + }, + "source": "292", + "target": "298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94712055" + }, + "source": "292", + "target": "299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92211884" + }, + "source": "293", + "target": "294" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8280772" + }, + "source": "293", + "target": "295" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91725075" + }, + "source": "293", + "target": "296" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92417514" + }, + "source": "293", + "target": "297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91741896" + }, + "source": "293", + "target": "298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89890516" + }, + "source": "293", + "target": "299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8566309" + }, + "source": "294", + "target": "295" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9896261" + }, + "source": "294", + "target": "296" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97962904" + }, + "source": "294", + "target": "297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98393905" + }, + "source": "294", + "target": "298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97089636" + }, + "source": "294", + "target": "299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.853463" + }, + "source": "295", + "target": "296" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8486718" + }, + "source": "295", + "target": "297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8509018" + }, + "source": "295", + "target": "298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8789469" + }, + "source": "295", + "target": "299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9825134" + }, + "source": "296", + "target": "297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98098624" + }, + "source": "296", + "target": "298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9768387" + }, + "source": "296", + "target": "299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9828989" + }, + "source": "297", + "target": "298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9700855" + }, + "source": "297", + "target": "299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96260923" + }, + "source": "298", + "target": "299" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8729319" + }, + "source": "300", + "target": "301" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8308637" + }, + "source": "300", + "target": "302" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8508446" + }, + "source": "300", + "target": "303" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7539929" + }, + "source": "300", + "target": "304" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.755067" + }, + "source": "300", + "target": "305" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.775952" + }, + "source": "300", + "target": "306" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84798265" + }, + "source": "300", + "target": "308" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85840845" + }, + "source": "300", + "target": "309" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8633075" + }, + "source": "301", + "target": "302" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89442265" + }, + "source": "301", + "target": "303" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82470524" + }, + "source": "301", + "target": "304" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8236703" + }, + "source": "301", + "target": "305" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8457771" + }, + "source": "301", + "target": "306" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81614023" + }, + "source": "301", + "target": "307" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91886437" + }, + "source": "301", + "target": "308" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8980725" + }, + "source": "301", + "target": "309" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8393884" + }, + "source": "302", + "target": "303" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7559184" + }, + "source": "302", + "target": "304" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7686728" + }, + "source": "302", + "target": "305" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76276255" + }, + "source": "302", + "target": "306" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82838815" + }, + "source": "302", + "target": "308" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8256571" + }, + "source": "302", + "target": "309" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7832711" + }, + "source": "303", + "target": "304" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8209245" + }, + "source": "303", + "target": "305" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8412874" + }, + "source": "303", + "target": "306" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7921343" + }, + "source": "303", + "target": "307" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8827032" + }, + "source": "303", + "target": "308" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9219673" + }, + "source": "303", + "target": "309" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7786133" + }, + "source": "304", + "target": "306" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7869781" + }, + "source": "304", + "target": "307" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78068477" + }, + "source": "304", + "target": "308" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75854164" + }, + "source": "304", + "target": "309" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77434814" + }, + "source": "305", + "target": "306" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7763388" + }, + "source": "305", + "target": "308" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80642056" + }, + "source": "305", + "target": "309" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77651113" + }, + "source": "306", + "target": "307" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82703745" + }, + "source": "306", + "target": "308" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80906266" + }, + "source": "306", + "target": "309" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8118137" + }, + "source": "307", + "target": "308" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79529774" + }, + "source": "307", + "target": "309" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87910765" + }, + "source": "308", + "target": "309" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7527028" + }, + "source": "315", + "target": "318" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74835443" + }, + "source": "320", + "target": "321" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.798097" + }, + "source": "320", + "target": "323" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.860513" + }, + "source": "320", + "target": "324" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8154545" + }, + "source": "320", + "target": "326" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77253044" + }, + "source": "320", + "target": "329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8161134" + }, + "source": "321", + "target": "323" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89879733" + }, + "source": "321", + "target": "324" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8285568" + }, + "source": "321", + "target": "326" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7902766" + }, + "source": "321", + "target": "329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86517286" + }, + "source": "322", + "target": "325" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8434757" + }, + "source": "322", + "target": "328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91298693" + }, + "source": "323", + "target": "324" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9264282" + }, + "source": "323", + "target": "326" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7973062" + }, + "source": "323", + "target": "328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91653246" + }, + "source": "323", + "target": "329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92341864" + }, + "source": "324", + "target": "326" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8079998" + }, + "source": "324", + "target": "328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8780793" + }, + "source": "324", + "target": "329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80368614" + }, + "source": "325", + "target": "328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79340655" + }, + "source": "326", + "target": "328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9495317" + }, + "source": "326", + "target": "329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8191556" + }, + "source": "328", + "target": "329" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96846724" + }, + "source": "330", + "target": "331" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9091531" + }, + "source": "330", + "target": "332" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9731815" + }, + "source": "330", + "target": "333" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9167706" + }, + "source": "330", + "target": "334" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96359634" + }, + "source": "330", + "target": "335" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96976936" + }, + "source": "330", + "target": "336" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9155382" + }, + "source": "330", + "target": "337" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9743146" + }, + "source": "330", + "target": "338" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95712036" + }, + "source": "330", + "target": "339" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91834974" + }, + "source": "331", + "target": "332" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98982096" + }, + "source": "331", + "target": "333" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9343531" + }, + "source": "331", + "target": "334" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98562837" + }, + "source": "331", + "target": "335" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99173814" + }, + "source": "331", + "target": "336" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9422687" + }, + "source": "331", + "target": "337" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9958542" + }, + "source": "331", + "target": "338" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9857148" + }, + "source": "331", + "target": "339" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9241078" + }, + "source": "332", + "target": "333" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9370147" + }, + "source": "332", + "target": "334" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9153767" + }, + "source": "332", + "target": "335" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91343594" + }, + "source": "332", + "target": "336" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9358951" + }, + "source": "332", + "target": "337" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9147741" + }, + "source": "332", + "target": "338" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90796137" + }, + "source": "332", + "target": "339" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93660545" + }, + "source": "333", + "target": "334" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98738396" + }, + "source": "333", + "target": "335" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9842113" + }, + "source": "333", + "target": "336" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93703246" + }, + "source": "333", + "target": "337" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98868454" + }, + "source": "333", + "target": "338" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98148596" + }, + "source": "333", + "target": "339" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92958605" + }, + "source": "334", + "target": "335" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.925459" + }, + "source": "334", + "target": "336" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9931718" + }, + "source": "334", + "target": "337" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9286614" + }, + "source": "334", + "target": "338" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92462397" + }, + "source": "334", + "target": "339" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98709977" + }, + "source": "335", + "target": "336" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93575084" + }, + "source": "335", + "target": "337" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98201525" + }, + "source": "335", + "target": "338" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97526324" + }, + "source": "335", + "target": "339" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.931373" + }, + "source": "336", + "target": "337" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9964338" + }, + "source": "336", + "target": "338" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98036075" + }, + "source": "336", + "target": "339" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9331079" + }, + "source": "337", + "target": "338" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92801607" + }, + "source": "337", + "target": "339" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98318607" + }, + "source": "338", + "target": "339" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9276196" + }, + "source": "340", + "target": "341" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94270813" + }, + "source": "340", + "target": "342" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9217254" + }, + "source": "340", + "target": "343" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9209031" + }, + "source": "340", + "target": "344" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9361769" + }, + "source": "340", + "target": "345" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9525293" + }, + "source": "340", + "target": "346" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9030572" + }, + "source": "340", + "target": "347" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93939173" + }, + "source": "340", + "target": "348" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9219998" + }, + "source": "340", + "target": "349" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9378042" + }, + "source": "341", + "target": "342" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9466776" + }, + "source": "341", + "target": "343" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9070506" + }, + "source": "341", + "target": "344" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93426085" + }, + "source": "341", + "target": "345" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93882066" + }, + "source": "341", + "target": "346" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9078296" + }, + "source": "341", + "target": "347" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9472997" + }, + "source": "341", + "target": "348" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92457867" + }, + "source": "341", + "target": "349" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92773366" + }, + "source": "342", + "target": "343" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92184293" + }, + "source": "342", + "target": "344" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9200517" + }, + "source": "342", + "target": "345" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94548494" + }, + "source": "342", + "target": "346" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9203832" + }, + "source": "342", + "target": "347" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9271993" + }, + "source": "342", + "target": "348" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92619073" + }, + "source": "342", + "target": "349" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9070336" + }, + "source": "343", + "target": "344" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9032576" + }, + "source": "343", + "target": "345" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9456834" + }, + "source": "343", + "target": "346" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87412274" + }, + "source": "343", + "target": "347" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93401253" + }, + "source": "343", + "target": "348" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8995216" + }, + "source": "343", + "target": "349" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9101553" + }, + "source": "344", + "target": "345" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9263748" + }, + "source": "344", + "target": "346" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9392602" + }, + "source": "344", + "target": "347" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92037636" + }, + "source": "344", + "target": "348" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9417695" + }, + "source": "344", + "target": "349" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9251582" + }, + "source": "345", + "target": "346" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9284831" + }, + "source": "345", + "target": "347" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9447768" + }, + "source": "345", + "target": "348" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9382744" + }, + "source": "345", + "target": "349" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9014727" + }, + "source": "346", + "target": "347" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9614663" + }, + "source": "346", + "target": "348" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9169475" + }, + "source": "346", + "target": "349" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9039171" + }, + "source": "347", + "target": "348" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95968497" + }, + "source": "347", + "target": "349" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9238345" + }, + "source": "348", + "target": "349" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8620528" + }, + "source": "350", + "target": "351" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8755261" + }, + "source": "350", + "target": "352" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8053487" + }, + "source": "350", + "target": "353" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87244415" + }, + "source": "350", + "target": "354" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86230916" + }, + "source": "350", + "target": "355" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84758985" + }, + "source": "350", + "target": "356" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8486308" + }, + "source": "350", + "target": "357" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83419496" + }, + "source": "350", + "target": "358" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8274243" + }, + "source": "350", + "target": "359" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9928994" + }, + "source": "351", + "target": "352" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87649035" + }, + "source": "351", + "target": "353" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99244756" + }, + "source": "351", + "target": "354" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98874426" + }, + "source": "351", + "target": "355" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9787281" + }, + "source": "351", + "target": "356" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9701692" + }, + "source": "351", + "target": "357" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96673536" + }, + "source": "351", + "target": "358" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9594562" + }, + "source": "351", + "target": "359" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88204443" + }, + "source": "352", + "target": "353" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9978627" + }, + "source": "352", + "target": "354" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9902282" + }, + "source": "352", + "target": "355" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97968596" + }, + "source": "352", + "target": "356" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9743031" + }, + "source": "352", + "target": "357" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9679716" + }, + "source": "352", + "target": "358" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9611686" + }, + "source": "352", + "target": "359" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8836055" + }, + "source": "353", + "target": "354" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8744943" + }, + "source": "353", + "target": "355" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86468923" + }, + "source": "353", + "target": "356" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8595483" + }, + "source": "353", + "target": "357" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8508253" + }, + "source": "353", + "target": "358" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84489363" + }, + "source": "353", + "target": "359" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99365443" + }, + "source": "354", + "target": "355" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98303735" + }, + "source": "354", + "target": "356" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97756934" + }, + "source": "354", + "target": "357" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97237945" + }, + "source": "354", + "target": "358" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9660483" + }, + "source": "354", + "target": "359" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99143064" + }, + "source": "355", + "target": "356" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9853411" + }, + "source": "355", + "target": "357" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9825698" + }, + "source": "355", + "target": "358" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97707605" + }, + "source": "355", + "target": "359" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9942002" + }, + "source": "356", + "target": "357" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99247724" + }, + "source": "356", + "target": "358" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98870873" + }, + "source": "356", + "target": "359" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99753296" + }, + "source": "357", + "target": "358" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9951868" + }, + "source": "357", + "target": "359" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99817765" + }, + "source": "358", + "target": "359" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9565302" + }, + "source": "360", + "target": "361" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9958323" + }, + "source": "360", + "target": "362" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95017576" + }, + "source": "360", + "target": "363" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.79994667" + }, + "source": "360", + "target": "364" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92288494" + }, + "source": "360", + "target": "365" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.956197" + }, + "source": "360", + "target": "366" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9940561" + }, + "source": "360", + "target": "367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93316275" + }, + "source": "360", + "target": "368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97947806" + }, + "source": "360", + "target": "369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94672894" + }, + "source": "361", + "target": "362" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9946226" + }, + "source": "361", + "target": "363" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90722847" + }, + "source": "361", + "target": "364" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9844607" + }, + "source": "361", + "target": "365" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9471659" + }, + "source": "361", + "target": "366" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9708793" + }, + "source": "361", + "target": "367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98103243" + }, + "source": "361", + "target": "368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9677609" + }, + "source": "361", + "target": "369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94431865" + }, + "source": "362", + "target": "363" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.79199684" + }, + "source": "362", + "target": "364" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9137144" + }, + "source": "362", + "target": "365" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95403564" + }, + "source": "362", + "target": "366" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9904337" + }, + "source": "362", + "target": "367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93137705" + }, + "source": "362", + "target": "368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9819484" + }, + "source": "362", + "target": "369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91424555" + }, + "source": "363", + "target": "364" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98990977" + }, + "source": "363", + "target": "365" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95063937" + }, + "source": "363", + "target": "366" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9663932" + }, + "source": "363", + "target": "367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9918996" + }, + "source": "363", + "target": "368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97374797" + }, + "source": "363", + "target": "369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9269796" + }, + "source": "364", + "target": "365" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8387312" + }, + "source": "364", + "target": "366" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.824914" + }, + "source": "364", + "target": "367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91751015" + }, + "source": "364", + "target": "368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84473157" + }, + "source": "364", + "target": "369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93610406" + }, + "source": "365", + "target": "366" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9424404" + }, + "source": "365", + "target": "367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9919255" + }, + "source": "365", + "target": "368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9559753" + }, + "source": "365", + "target": "369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96254855" + }, + "source": "366", + "target": "367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9483949" + }, + "source": "366", + "target": "368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96398866" + }, + "source": "366", + "target": "369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9510595" + }, + "source": "367", + "target": "368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9880725" + }, + "source": "367", + "target": "369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97065985" + }, + "source": "368", + "target": "369" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7905145" + }, + "source": "370", + "target": "378" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8551562" + }, + "source": "371", + "target": "372" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8398458" + }, + "source": "371", + "target": "373" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7785395" + }, + "source": "371", + "target": "375" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8775908" + }, + "source": "371", + "target": "376" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88491845" + }, + "source": "371", + "target": "378" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8999108" + }, + "source": "371", + "target": "379" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80689955" + }, + "source": "372", + "target": "373" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8044624" + }, + "source": "372", + "target": "376" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8368039" + }, + "source": "372", + "target": "378" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8637606" + }, + "source": "372", + "target": "379" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78840107" + }, + "source": "373", + "target": "376" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9022809" + }, + "source": "373", + "target": "378" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81202424" + }, + "source": "373", + "target": "379" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7815206" + }, + "source": "375", + "target": "378" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7739517" + }, + "source": "375", + "target": "379" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8357645" + }, + "source": "376", + "target": "378" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84689724" + }, + "source": "376", + "target": "379" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86717427" + }, + "source": "378", + "target": "379" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8122675" + }, + "source": "380", + "target": "381" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7566021" + }, + "source": "380", + "target": "382" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8187676" + }, + "source": "380", + "target": "384" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7907895" + }, + "source": "380", + "target": "387" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80735016" + }, + "source": "380", + "target": "388" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8517598" + }, + "source": "380", + "target": "389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77438235" + }, + "source": "381", + "target": "382" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87877655" + }, + "source": "381", + "target": "383" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8125592" + }, + "source": "381", + "target": "384" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84677744" + }, + "source": "381", + "target": "387" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7856072" + }, + "source": "381", + "target": "388" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77739835" + }, + "source": "381", + "target": "389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7863931" + }, + "source": "382", + "target": "383" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8287784" + }, + "source": "382", + "target": "384" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77060586" + }, + "source": "382", + "target": "385" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8723316" + }, + "source": "382", + "target": "387" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8330587" + }, + "source": "382", + "target": "388" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7620944" + }, + "source": "382", + "target": "389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7731598" + }, + "source": "383", + "target": "384" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8299554" + }, + "source": "383", + "target": "387" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7755035" + }, + "source": "383", + "target": "388" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80204463" + }, + "source": "384", + "target": "385" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8307674" + }, + "source": "384", + "target": "386" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90351224" + }, + "source": "384", + "target": "387" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8507478" + }, + "source": "384", + "target": "388" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81169283" + }, + "source": "384", + "target": "389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7847936" + }, + "source": "385", + "target": "386" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8019725" + }, + "source": "385", + "target": "387" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8229089" + }, + "source": "385", + "target": "388" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80449104" + }, + "source": "385", + "target": "389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84325624" + }, + "source": "386", + "target": "387" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8767723" + }, + "source": "386", + "target": "388" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.811688" + }, + "source": "386", + "target": "389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8692875" + }, + "source": "387", + "target": "388" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8065109" + }, + "source": "387", + "target": "389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9105964" + }, + "source": "388", + "target": "389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86421835" + }, + "source": "390", + "target": "393" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8311511" + }, + "source": "390", + "target": "395" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83178604" + }, + "source": "390", + "target": "396" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8360679" + }, + "source": "390", + "target": "397" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8425677" + }, + "source": "390", + "target": "398" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8171992" + }, + "source": "390", + "target": "399" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83256763" + }, + "source": "391", + "target": "392" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8256974" + }, + "source": "391", + "target": "393" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8198596" + }, + "source": "391", + "target": "394" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7892578" + }, + "source": "391", + "target": "395" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79305255" + }, + "source": "391", + "target": "396" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.839826" + }, + "source": "391", + "target": "397" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8011127" + }, + "source": "391", + "target": "398" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8301006" + }, + "source": "391", + "target": "399" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81163645" + }, + "source": "392", + "target": "393" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77255094" + }, + "source": "392", + "target": "394" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7541432" + }, + "source": "392", + "target": "396" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79655635" + }, + "source": "392", + "target": "397" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78362036" + }, + "source": "392", + "target": "398" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80369043" + }, + "source": "392", + "target": "399" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84460557" + }, + "source": "393", + "target": "394" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8934287" + }, + "source": "393", + "target": "395" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90030956" + }, + "source": "393", + "target": "396" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9250765" + }, + "source": "393", + "target": "397" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94842684" + }, + "source": "393", + "target": "398" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90706336" + }, + "source": "393", + "target": "399" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8485819" + }, + "source": "394", + "target": "395" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8835862" + }, + "source": "394", + "target": "396" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9012648" + }, + "source": "394", + "target": "397" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85307026" + }, + "source": "394", + "target": "398" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8679002" + }, + "source": "394", + "target": "399" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92942125" + }, + "source": "395", + "target": "396" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9339787" + }, + "source": "395", + "target": "397" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90548694" + }, + "source": "395", + "target": "398" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93202746" + }, + "source": "395", + "target": "399" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94809103" + }, + "source": "396", + "target": "397" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9094607" + }, + "source": "396", + "target": "398" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.924108" + }, + "source": "396", + "target": "399" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9313321" + }, + "source": "397", + "target": "398" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9578781" + }, + "source": "397", + "target": "399" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9207066" + }, + "source": "398", + "target": "399" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.903808" + }, + "source": "400", + "target": "401" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9478702" + }, + "source": "400", + "target": "402" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92088425" + }, + "source": "400", + "target": "403" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76868427" + }, + "source": "400", + "target": "404" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8520845" + }, + "source": "400", + "target": "405" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75678146" + }, + "source": "400", + "target": "406" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8430678" + }, + "source": "400", + "target": "407" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9044156" + }, + "source": "400", + "target": "408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9351711" + }, + "source": "400", + "target": "409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90998197" + }, + "source": "401", + "target": "402" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91292465" + }, + "source": "401", + "target": "403" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8253883" + }, + "source": "401", + "target": "404" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8681037" + }, + "source": "401", + "target": "405" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8068489" + }, + "source": "401", + "target": "406" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8829485" + }, + "source": "401", + "target": "407" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92016995" + }, + "source": "401", + "target": "408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9213244" + }, + "source": "401", + "target": "409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8987825" + }, + "source": "402", + "target": "403" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78323996" + }, + "source": "402", + "target": "404" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8652874" + }, + "source": "402", + "target": "405" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75490713" + }, + "source": "402", + "target": "406" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86548924" + }, + "source": "402", + "target": "407" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8974309" + }, + "source": "402", + "target": "408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89932656" + }, + "source": "402", + "target": "409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79368067" + }, + "source": "403", + "target": "404" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9087224" + }, + "source": "403", + "target": "405" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80301" + }, + "source": "403", + "target": "406" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8360672" + }, + "source": "403", + "target": "407" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9231806" + }, + "source": "403", + "target": "408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.95349884" + }, + "source": "403", + "target": "409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75181866" + }, + "source": "404", + "target": "405" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7516211" + }, + "source": "404", + "target": "406" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78558844" + }, + "source": "404", + "target": "407" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8418825" + }, + "source": "404", + "target": "408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8095547" + }, + "source": "404", + "target": "409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7755258" + }, + "source": "405", + "target": "406" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8070229" + }, + "source": "405", + "target": "407" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8654009" + }, + "source": "405", + "target": "408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86186135" + }, + "source": "405", + "target": "409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7973452" + }, + "source": "406", + "target": "408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79881173" + }, + "source": "406", + "target": "409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8813885" + }, + "source": "407", + "target": "408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8525279" + }, + "source": "407", + "target": "409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9256006" + }, + "source": "408", + "target": "409" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8441242" + }, + "source": "410", + "target": "412" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82496035" + }, + "source": "410", + "target": "414" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83974814" + }, + "source": "410", + "target": "416" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8744626" + }, + "source": "410", + "target": "418" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8852442" + }, + "source": "411", + "target": "413" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7658769" + }, + "source": "411", + "target": "414" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8565725" + }, + "source": "411", + "target": "415" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.882313" + }, + "source": "411", + "target": "417" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8224479" + }, + "source": "411", + "target": "419" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8283172" + }, + "source": "412", + "target": "414" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84637666" + }, + "source": "412", + "target": "416" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85293233" + }, + "source": "412", + "target": "418" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89456755" + }, + "source": "413", + "target": "415" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8327801" + }, + "source": "413", + "target": "417" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81740355" + }, + "source": "413", + "target": "419" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9036975" + }, + "source": "414", + "target": "416" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7519963" + }, + "source": "414", + "target": "417" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77625114" + }, + "source": "414", + "target": "418" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75437313" + }, + "source": "414", + "target": "419" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76000935" + }, + "source": "415", + "target": "416" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8869168" + }, + "source": "415", + "target": "417" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86303353" + }, + "source": "415", + "target": "419" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7851136" + }, + "source": "416", + "target": "418" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7592174" + }, + "source": "416", + "target": "419" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8341577" + }, + "source": "417", + "target": "419" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9389402" + }, + "source": "420", + "target": "421" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8579794" + }, + "source": "420", + "target": "422" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9044529" + }, + "source": "420", + "target": "423" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8137387" + }, + "source": "420", + "target": "424" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87755847" + }, + "source": "420", + "target": "425" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9297819" + }, + "source": "420", + "target": "426" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9262688" + }, + "source": "420", + "target": "427" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91182864" + }, + "source": "420", + "target": "428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9277742" + }, + "source": "420", + "target": "429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8334081" + }, + "source": "421", + "target": "422" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9010597" + }, + "source": "421", + "target": "423" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81618273" + }, + "source": "421", + "target": "424" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86495876" + }, + "source": "421", + "target": "425" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8902989" + }, + "source": "421", + "target": "426" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9300516" + }, + "source": "421", + "target": "427" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86705714" + }, + "source": "421", + "target": "428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90258706" + }, + "source": "421", + "target": "429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88229084" + }, + "source": "422", + "target": "423" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8309683" + }, + "source": "422", + "target": "424" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94242513" + }, + "source": "422", + "target": "425" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8880998" + }, + "source": "422", + "target": "426" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88328004" + }, + "source": "422", + "target": "427" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9296044" + }, + "source": "422", + "target": "428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8474064" + }, + "source": "422", + "target": "429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84660286" + }, + "source": "423", + "target": "424" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89405215" + }, + "source": "423", + "target": "425" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8600677" + }, + "source": "423", + "target": "426" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94392806" + }, + "source": "423", + "target": "427" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88374203" + }, + "source": "423", + "target": "428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9046798" + }, + "source": "423", + "target": "429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8136852" + }, + "source": "424", + "target": "425" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8363989" + }, + "source": "424", + "target": "426" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.834127" + }, + "source": "424", + "target": "427" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7888237" + }, + "source": "424", + "target": "428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82503295" + }, + "source": "424", + "target": "429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87661934" + }, + "source": "425", + "target": "426" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9119371" + }, + "source": "425", + "target": "427" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9335482" + }, + "source": "425", + "target": "428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85876024" + }, + "source": "425", + "target": "429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8810582" + }, + "source": "426", + "target": "427" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8914807" + }, + "source": "426", + "target": "428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8835695" + }, + "source": "426", + "target": "429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89271" + }, + "source": "427", + "target": "428" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89128697" + }, + "source": "427", + "target": "429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8943428" + }, + "source": "428", + "target": "429" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9659171" + }, + "source": "430", + "target": "431" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97198534" + }, + "source": "430", + "target": "432" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97198534" + }, + "source": "430", + "target": "433" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97198534" + }, + "source": "430", + "target": "434" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93747807" + }, + "source": "430", + "target": "435" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97198534" + }, + "source": "430", + "target": "436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97198534" + }, + "source": "430", + "target": "437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9521622" + }, + "source": "430", + "target": "438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97198534" + }, + "source": "430", + "target": "439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9993403" + }, + "source": "431", + "target": "432" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9993403" + }, + "source": "431", + "target": "433" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9993403" + }, + "source": "431", + "target": "434" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98794746" + }, + "source": "431", + "target": "435" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9993403" + }, + "source": "431", + "target": "436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9993403" + }, + "source": "431", + "target": "437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99283886" + }, + "source": "431", + "target": "438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9993403" + }, + "source": "431", + "target": "439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "432", + "target": "433" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "432", + "target": "434" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98491955" + }, + "source": "432", + "target": "435" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "432", + "target": "436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "432", + "target": "437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99124837" + }, + "source": "432", + "target": "438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "432", + "target": "439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "433", + "target": "434" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98491955" + }, + "source": "433", + "target": "435" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "433", + "target": "436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "433", + "target": "437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99124837" + }, + "source": "433", + "target": "438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "433", + "target": "439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98491955" + }, + "source": "434", + "target": "435" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "434", + "target": "436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "434", + "target": "437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99124837" + }, + "source": "434", + "target": "438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "434", + "target": "439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98491955" + }, + "source": "435", + "target": "436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98491955" + }, + "source": "435", + "target": "437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99602294" + }, + "source": "435", + "target": "438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98491955" + }, + "source": "435", + "target": "439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "436", + "target": "437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99124837" + }, + "source": "436", + "target": "438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "436", + "target": "439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99124837" + }, + "source": "437", + "target": "438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "437", + "target": "439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99124825" + }, + "source": "438", + "target": "439" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9139117" + }, + "source": "440", + "target": "441" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9195771" + }, + "source": "440", + "target": "442" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9001063" + }, + "source": "440", + "target": "443" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88681024" + }, + "source": "440", + "target": "444" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.908403" + }, + "source": "440", + "target": "445" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87116164" + }, + "source": "440", + "target": "446" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9064665" + }, + "source": "440", + "target": "447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92860746" + }, + "source": "440", + "target": "448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9222522" + }, + "source": "440", + "target": "449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9632131" + }, + "source": "441", + "target": "442" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9656772" + }, + "source": "441", + "target": "443" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9294542" + }, + "source": "441", + "target": "444" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95947176" + }, + "source": "441", + "target": "445" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.947925" + }, + "source": "441", + "target": "446" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96118885" + }, + "source": "441", + "target": "447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9683752" + }, + "source": "441", + "target": "448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9758084" + }, + "source": "441", + "target": "449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9656749" + }, + "source": "442", + "target": "443" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9396758" + }, + "source": "442", + "target": "444" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96691334" + }, + "source": "442", + "target": "445" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9569354" + }, + "source": "442", + "target": "446" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9605509" + }, + "source": "442", + "target": "447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97169626" + }, + "source": "442", + "target": "448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9658532" + }, + "source": "442", + "target": "449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9345571" + }, + "source": "443", + "target": "444" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9605043" + }, + "source": "443", + "target": "445" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94356835" + }, + "source": "443", + "target": "446" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9527314" + }, + "source": "443", + "target": "447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9674012" + }, + "source": "443", + "target": "448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9714874" + }, + "source": "443", + "target": "449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9431987" + }, + "source": "444", + "target": "445" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9209994" + }, + "source": "444", + "target": "446" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93145406" + }, + "source": "444", + "target": "447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9497521" + }, + "source": "444", + "target": "448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93253905" + }, + "source": "444", + "target": "449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9494257" + }, + "source": "445", + "target": "446" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96452117" + }, + "source": "445", + "target": "447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95003223" + }, + "source": "445", + "target": "448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97359085" + }, + "source": "445", + "target": "449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9305297" + }, + "source": "446", + "target": "447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94040203" + }, + "source": "446", + "target": "448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94292825" + }, + "source": "446", + "target": "449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9332557" + }, + "source": "447", + "target": "448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9675075" + }, + "source": "447", + "target": "449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96081376" + }, + "source": "448", + "target": "449" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8120625" + }, + "source": "450", + "target": "451" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.819232" + }, + "source": "450", + "target": "458" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7833785" + }, + "source": "450", + "target": "459" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.810673" + }, + "source": "451", + "target": "453" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7554445" + }, + "source": "451", + "target": "454" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80936575" + }, + "source": "451", + "target": "455" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.751239" + }, + "source": "451", + "target": "457" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89560235" + }, + "source": "451", + "target": "458" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8672925" + }, + "source": "451", + "target": "459" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75891745" + }, + "source": "453", + "target": "455" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8039307" + }, + "source": "453", + "target": "458" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7708388" + }, + "source": "453", + "target": "459" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7540622" + }, + "source": "455", + "target": "458" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7711559" + }, + "source": "457", + "target": "458" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88974273" + }, + "source": "458", + "target": "459" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77967227" + }, + "source": "460", + "target": "461" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83739066" + }, + "source": "460", + "target": "463" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8263823" + }, + "source": "460", + "target": "466" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88093734" + }, + "source": "460", + "target": "468" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8351691" + }, + "source": "460", + "target": "469" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.813267" + }, + "source": "461", + "target": "463" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78281605" + }, + "source": "461", + "target": "466" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82006353" + }, + "source": "461", + "target": "468" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7704675" + }, + "source": "461", + "target": "469" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80805874" + }, + "source": "463", + "target": "465" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76988673" + }, + "source": "463", + "target": "466" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9009478" + }, + "source": "463", + "target": "468" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8726904" + }, + "source": "463", + "target": "469" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82796377" + }, + "source": "465", + "target": "468" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8284952" + }, + "source": "466", + "target": "468" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7698232" + }, + "source": "466", + "target": "469" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8725077" + }, + "source": "468", + "target": "469" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7848855" + }, + "source": "470", + "target": "471" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.817237" + }, + "source": "470", + "target": "472" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7733539" + }, + "source": "470", + "target": "476" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7776136" + }, + "source": "470", + "target": "478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82014394" + }, + "source": "471", + "target": "472" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9283608" + }, + "source": "471", + "target": "473" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77836806" + }, + "source": "471", + "target": "474" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7523531" + }, + "source": "471", + "target": "475" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8913673" + }, + "source": "471", + "target": "476" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84214985" + }, + "source": "471", + "target": "477" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93662894" + }, + "source": "471", + "target": "478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89696014" + }, + "source": "471", + "target": "479" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.810814" + }, + "source": "472", + "target": "473" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84028727" + }, + "source": "472", + "target": "476" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83578575" + }, + "source": "472", + "target": "478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7751676" + }, + "source": "472", + "target": "479" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7582764" + }, + "source": "473", + "target": "474" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76249933" + }, + "source": "473", + "target": "475" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88588524" + }, + "source": "473", + "target": "476" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.802056" + }, + "source": "473", + "target": "477" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94890666" + }, + "source": "473", + "target": "478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91923726" + }, + "source": "473", + "target": "479" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7627138" + }, + "source": "474", + "target": "476" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75271773" + }, + "source": "474", + "target": "477" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7498876" + }, + "source": "474", + "target": "478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7954894" + }, + "source": "476", + "target": "477" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88654566" + }, + "source": "476", + "target": "478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84593844" + }, + "source": "476", + "target": "479" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85003936" + }, + "source": "477", + "target": "478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78824735" + }, + "source": "477", + "target": "479" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9125442" + }, + "source": "478", + "target": "479" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8354093" + }, + "source": "480", + "target": "482" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.962876" + }, + "source": "480", + "target": "483" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9852179" + }, + "source": "480", + "target": "484" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9591981" + }, + "source": "480", + "target": "485" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9819139" + }, + "source": "480", + "target": "486" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8718791" + }, + "source": "480", + "target": "487" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98964584" + }, + "source": "480", + "target": "488" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9200442" + }, + "source": "480", + "target": "489" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7708069" + }, + "source": "481", + "target": "482" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90167403" + }, + "source": "482", + "target": "483" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8618634" + }, + "source": "482", + "target": "484" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90868163" + }, + "source": "482", + "target": "485" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85076225" + }, + "source": "482", + "target": "486" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97503215" + }, + "source": "482", + "target": "487" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.869971" + }, + "source": "482", + "target": "488" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9049012" + }, + "source": "482", + "target": "489" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96852833" + }, + "source": "483", + "target": "484" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9894803" + }, + "source": "483", + "target": "485" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95684695" + }, + "source": "483", + "target": "486" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90105796" + }, + "source": "483", + "target": "487" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9796951" + }, + "source": "483", + "target": "488" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97499275" + }, + "source": "483", + "target": "489" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97667253" + }, + "source": "484", + "target": "485" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9905939" + }, + "source": "484", + "target": "486" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87192345" + }, + "source": "484", + "target": "487" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98301125" + }, + "source": "484", + "target": "488" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9495325" + }, + "source": "484", + "target": "489" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9688092" + }, + "source": "485", + "target": "486" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89344704" + }, + "source": "485", + "target": "487" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9726092" + }, + "source": "485", + "target": "488" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97861356" + }, + "source": "485", + "target": "489" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8628452" + }, + "source": "486", + "target": "487" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9758434" + }, + "source": "486", + "target": "488" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93958914" + }, + "source": "486", + "target": "489" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89861095" + }, + "source": "487", + "target": "488" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87241036" + }, + "source": "487", + "target": "489" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9436438" + }, + "source": "488", + "target": "489" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93875533" + }, + "source": "490", + "target": "491" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8289237" + }, + "source": "490", + "target": "492" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.925791" + }, + "source": "490", + "target": "493" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9403215" + }, + "source": "490", + "target": "494" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89796984" + }, + "source": "490", + "target": "495" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9333801" + }, + "source": "490", + "target": "496" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93340635" + }, + "source": "490", + "target": "497" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9384521" + }, + "source": "490", + "target": "498" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96798277" + }, + "source": "490", + "target": "499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8375518" + }, + "source": "491", + "target": "492" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90317523" + }, + "source": "491", + "target": "493" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95151377" + }, + "source": "491", + "target": "494" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86682546" + }, + "source": "491", + "target": "495" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9177306" + }, + "source": "491", + "target": "496" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91811705" + }, + "source": "491", + "target": "497" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9293027" + }, + "source": "491", + "target": "498" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94406796" + }, + "source": "491", + "target": "499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.819559" + }, + "source": "492", + "target": "493" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8658978" + }, + "source": "492", + "target": "494" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80752075" + }, + "source": "492", + "target": "495" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8495245" + }, + "source": "492", + "target": "496" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80770016" + }, + "source": "492", + "target": "497" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8385923" + }, + "source": "492", + "target": "498" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8399763" + }, + "source": "492", + "target": "499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90288544" + }, + "source": "493", + "target": "494" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8830308" + }, + "source": "493", + "target": "495" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9654635" + }, + "source": "493", + "target": "496" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8971987" + }, + "source": "493", + "target": "497" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9599523" + }, + "source": "493", + "target": "498" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9211717" + }, + "source": "493", + "target": "499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86938334" + }, + "source": "494", + "target": "495" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9246376" + }, + "source": "494", + "target": "496" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9073572" + }, + "source": "494", + "target": "497" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92164177" + }, + "source": "494", + "target": "498" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94661653" + }, + "source": "494", + "target": "499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.879056" + }, + "source": "495", + "target": "496" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9012861" + }, + "source": "495", + "target": "497" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87629247" + }, + "source": "495", + "target": "498" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91842" + }, + "source": "495", + "target": "499" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90855145" + }, + "source": "496", + "target": "497" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9641882" + }, + "source": "496", + "target": "498" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.925006" + }, + "source": "496", + "target": "499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.909893" + }, + "source": "497", + "target": "498" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9368221" + }, + "source": "497", + "target": "499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92604697" + }, + "source": "498", + "target": "499" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8408836" + }, + "source": "500", + "target": "501" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8315733" + }, + "source": "500", + "target": "502" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82090294" + }, + "source": "500", + "target": "503" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7534511" + }, + "source": "500", + "target": "504" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7558799" + }, + "source": "500", + "target": "505" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75563127" + }, + "source": "500", + "target": "506" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7906723" + }, + "source": "500", + "target": "509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8609972" + }, + "source": "501", + "target": "502" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8685883" + }, + "source": "501", + "target": "503" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81856966" + }, + "source": "501", + "target": "504" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8042193" + }, + "source": "501", + "target": "505" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8444823" + }, + "source": "501", + "target": "506" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7833042" + }, + "source": "501", + "target": "507" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8294748" + }, + "source": "501", + "target": "508" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81226313" + }, + "source": "501", + "target": "509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8318062" + }, + "source": "502", + "target": "503" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.787218" + }, + "source": "502", + "target": "505" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79766023" + }, + "source": "502", + "target": "506" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7588334" + }, + "source": "502", + "target": "508" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8216553" + }, + "source": "502", + "target": "509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80966794" + }, + "source": "503", + "target": "505" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7771902" + }, + "source": "503", + "target": "506" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7914307" + }, + "source": "503", + "target": "508" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8178874" + }, + "source": "503", + "target": "509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7555902" + }, + "source": "504", + "target": "508" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7803381" + }, + "source": "504", + "target": "509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76394403" + }, + "source": "505", + "target": "508" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8031428" + }, + "source": "505", + "target": "509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.74968106" + }, + "source": "506", + "target": "507" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7995672" + }, + "source": "506", + "target": "508" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7726389" + }, + "source": "506", + "target": "509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8199913" + }, + "source": "508", + "target": "509" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9587108" + }, + "source": "510", + "target": "511" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94342256" + }, + "source": "510", + "target": "512" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9081222" + }, + "source": "510", + "target": "513" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9224031" + }, + "source": "510", + "target": "514" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.939562" + }, + "source": "510", + "target": "515" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9438781" + }, + "source": "510", + "target": "516" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96243775" + }, + "source": "510", + "target": "517" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9278934" + }, + "source": "510", + "target": "518" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94220406" + }, + "source": "510", + "target": "519" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95693034" + }, + "source": "511", + "target": "512" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9292197" + }, + "source": "511", + "target": "513" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93643194" + }, + "source": "511", + "target": "514" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94252026" + }, + "source": "511", + "target": "515" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9528483" + }, + "source": "511", + "target": "516" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9699101" + }, + "source": "511", + "target": "517" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93907815" + }, + "source": "511", + "target": "518" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94888085" + }, + "source": "511", + "target": "519" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97307086" + }, + "source": "512", + "target": "513" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9670706" + }, + "source": "512", + "target": "514" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97139716" + }, + "source": "512", + "target": "515" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9852572" + }, + "source": "512", + "target": "516" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97221625" + }, + "source": "512", + "target": "517" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9714627" + }, + "source": "512", + "target": "518" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.975016" + }, + "source": "512", + "target": "519" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9765576" + }, + "source": "513", + "target": "514" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97123945" + }, + "source": "513", + "target": "515" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97078633" + }, + "source": "513", + "target": "516" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95197326" + }, + "source": "513", + "target": "517" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97917575" + }, + "source": "513", + "target": "518" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96914685" + }, + "source": "513", + "target": "519" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99009657" + }, + "source": "514", + "target": "515" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97791606" + }, + "source": "514", + "target": "516" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9634632" + }, + "source": "514", + "target": "517" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99543476" + }, + "source": "514", + "target": "518" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99315774" + }, + "source": "514", + "target": "519" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97862166" + }, + "source": "515", + "target": "516" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.966153" + }, + "source": "515", + "target": "517" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.991135" + }, + "source": "515", + "target": "518" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99262375" + }, + "source": "515", + "target": "519" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9777009" + }, + "source": "516", + "target": "517" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9747838" + }, + "source": "516", + "target": "518" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9856441" + }, + "source": "516", + "target": "519" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96379083" + }, + "source": "517", + "target": "518" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9697741" + }, + "source": "517", + "target": "519" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99205816" + }, + "source": "518", + "target": "519" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9347781" + }, + "source": "520", + "target": "521" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96822596" + }, + "source": "520", + "target": "522" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96348464" + }, + "source": "520", + "target": "523" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9854536" + }, + "source": "520", + "target": "524" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9927463" + }, + "source": "520", + "target": "525" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9859872" + }, + "source": "520", + "target": "526" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9991349" + }, + "source": "520", + "target": "527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9885651" + }, + "source": "520", + "target": "528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99171984" + }, + "source": "520", + "target": "529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9480805" + }, + "source": "521", + "target": "522" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9523747" + }, + "source": "521", + "target": "523" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94062257" + }, + "source": "521", + "target": "524" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9448004" + }, + "source": "521", + "target": "525" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94992244" + }, + "source": "521", + "target": "526" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9364059" + }, + "source": "521", + "target": "527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9606335" + }, + "source": "521", + "target": "528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.949389" + }, + "source": "521", + "target": "529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98094386" + }, + "source": "522", + "target": "523" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96574646" + }, + "source": "522", + "target": "524" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96648234" + }, + "source": "522", + "target": "525" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97859216" + }, + "source": "522", + "target": "526" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9684434" + }, + "source": "522", + "target": "527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98023903" + }, + "source": "522", + "target": "528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9765418" + }, + "source": "522", + "target": "529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9629317" + }, + "source": "523", + "target": "524" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9651896" + }, + "source": "523", + "target": "525" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9726759" + }, + "source": "523", + "target": "526" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9645285" + }, + "source": "523", + "target": "527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97979295" + }, + "source": "523", + "target": "528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97448105" + }, + "source": "523", + "target": "529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98332214" + }, + "source": "524", + "target": "525" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98289275" + }, + "source": "524", + "target": "526" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9868273" + }, + "source": "524", + "target": "527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98301804" + }, + "source": "524", + "target": "528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98510706" + }, + "source": "524", + "target": "529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9894701" + }, + "source": "525", + "target": "526" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99290717" + }, + "source": "525", + "target": "527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98703915" + }, + "source": "525", + "target": "528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9907992" + }, + "source": "525", + "target": "529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98599565" + }, + "source": "526", + "target": "527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9870254" + }, + "source": "526", + "target": "528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98881936" + }, + "source": "526", + "target": "529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9906696" + }, + "source": "527", + "target": "528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9935617" + }, + "source": "527", + "target": "529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9953395" + }, + "source": "528", + "target": "529" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81785357" + }, + "source": "530", + "target": "531" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75322604" + }, + "source": "530", + "target": "532" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75297856" + }, + "source": "530", + "target": "533" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77597183" + }, + "source": "530", + "target": "536" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7768924" + }, + "source": "530", + "target": "538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7628648" + }, + "source": "531", + "target": "533" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7577758" + }, + "source": "531", + "target": "537" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7808479" + }, + "source": "531", + "target": "538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75001436" + }, + "source": "531", + "target": "539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7846717" + }, + "source": "533", + "target": "536" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7683094" + }, + "source": "533", + "target": "539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82229567" + }, + "source": "534", + "target": "537" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75758135" + }, + "source": "536", + "target": "537" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93038964" + }, + "source": "540", + "target": "541" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8306424" + }, + "source": "540", + "target": "542" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92234653" + }, + "source": "540", + "target": "544" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82619303" + }, + "source": "540", + "target": "545" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8751488" + }, + "source": "540", + "target": "546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.769507" + }, + "source": "540", + "target": "547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93409246" + }, + "source": "540", + "target": "548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76821494" + }, + "source": "540", + "target": "549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8398395" + }, + "source": "541", + "target": "542" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90333736" + }, + "source": "541", + "target": "544" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8597937" + }, + "source": "541", + "target": "545" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8624429" + }, + "source": "541", + "target": "546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7682414" + }, + "source": "541", + "target": "547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9441112" + }, + "source": "541", + "target": "548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7979604" + }, + "source": "541", + "target": "549" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8695657" + }, + "source": "542", + "target": "544" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87195677" + }, + "source": "542", + "target": "546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86029434" + }, + "source": "542", + "target": "548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7945011" + }, + "source": "543", + "target": "544" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8299881" + }, + "source": "543", + "target": "545" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8473036" + }, + "source": "543", + "target": "546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87278926" + }, + "source": "543", + "target": "547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.768704" + }, + "source": "543", + "target": "548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89609814" + }, + "source": "543", + "target": "549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8246694" + }, + "source": "544", + "target": "545" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92389315" + }, + "source": "544", + "target": "546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81165576" + }, + "source": "544", + "target": "547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9242126" + }, + "source": "544", + "target": "548" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8506206" + }, + "source": "544", + "target": "549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7610907" + }, + "source": "545", + "target": "546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88696486" + }, + "source": "545", + "target": "547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87458766" + }, + "source": "545", + "target": "548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9093037" + }, + "source": "545", + "target": "549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.753712" + }, + "source": "546", + "target": "547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8985033" + }, + "source": "546", + "target": "548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80127704" + }, + "source": "546", + "target": "549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79467654" + }, + "source": "547", + "target": "548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9374331" + }, + "source": "547", + "target": "549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83083516" + }, + "source": "548", + "target": "549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85920876" + }, + "source": "550", + "target": "552" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7530086" + }, + "source": "550", + "target": "553" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82926035" + }, + "source": "550", + "target": "554" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.830112" + }, + "source": "550", + "target": "555" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78100866" + }, + "source": "550", + "target": "556" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8687682" + }, + "source": "550", + "target": "557" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8510541" + }, + "source": "550", + "target": "558" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75920755" + }, + "source": "550", + "target": "559" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90531445" + }, + "source": "552", + "target": "554" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7920016" + }, + "source": "552", + "target": "556" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.912915" + }, + "source": "552", + "target": "557" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8065008" + }, + "source": "552", + "target": "558" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8497696" + }, + "source": "553", + "target": "559" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8412628" + }, + "source": "554", + "target": "556" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8536813" + }, + "source": "554", + "target": "557" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77637327" + }, + "source": "554", + "target": "558" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8031167" + }, + "source": "555", + "target": "558" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8114667" + }, + "source": "556", + "target": "557" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79076695" + }, + "source": "558", + "target": "559" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9714742" + }, + "source": "560", + "target": "561" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97643316" + }, + "source": "560", + "target": "562" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9775215" + }, + "source": "560", + "target": "563" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97322387" + }, + "source": "560", + "target": "564" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9744338" + }, + "source": "560", + "target": "565" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9768416" + }, + "source": "560", + "target": "566" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9653572" + }, + "source": "560", + "target": "567" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9865504" + }, + "source": "560", + "target": "568" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9904964" + }, + "source": "560", + "target": "569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99020755" + }, + "source": "561", + "target": "562" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9901412" + }, + "source": "561", + "target": "563" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98794854" + }, + "source": "561", + "target": "564" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99342775" + }, + "source": "561", + "target": "565" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.991742" + }, + "source": "561", + "target": "566" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9567087" + }, + "source": "561", + "target": "567" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9719453" + }, + "source": "561", + "target": "568" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9711633" + }, + "source": "561", + "target": "569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9982995" + }, + "source": "562", + "target": "563" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9925169" + }, + "source": "562", + "target": "564" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9939948" + }, + "source": "562", + "target": "565" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9990771" + }, + "source": "562", + "target": "566" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9617845" + }, + "source": "562", + "target": "567" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.980466" + }, + "source": "562", + "target": "568" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9801183" + }, + "source": "562", + "target": "569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9952292" + }, + "source": "563", + "target": "564" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9952704" + }, + "source": "563", + "target": "565" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9985374" + }, + "source": "563", + "target": "566" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9616877" + }, + "source": "563", + "target": "567" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97853416" + }, + "source": "563", + "target": "568" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9791513" + }, + "source": "563", + "target": "569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.994328" + }, + "source": "564", + "target": "565" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9937773" + }, + "source": "564", + "target": "566" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9586148" + }, + "source": "564", + "target": "567" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9739934" + }, + "source": "564", + "target": "568" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97375476" + }, + "source": "564", + "target": "569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99570304" + }, + "source": "565", + "target": "566" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9580368" + }, + "source": "565", + "target": "567" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97752404" + }, + "source": "565", + "target": "568" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97707725" + }, + "source": "565", + "target": "569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9619025" + }, + "source": "566", + "target": "567" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98080003" + }, + "source": "566", + "target": "568" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9801346" + }, + "source": "566", + "target": "569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96948695" + }, + "source": "567", + "target": "568" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9680753" + }, + "source": "567", + "target": "569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99715567" + }, + "source": "568", + "target": "569" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8763727" + }, + "source": "570", + "target": "571" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8402608" + }, + "source": "570", + "target": "572" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8020106" + }, + "source": "570", + "target": "573" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7491206" + }, + "source": "570", + "target": "574" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80697393" + }, + "source": "570", + "target": "578" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87917215" + }, + "source": "570", + "target": "579" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8317292" + }, + "source": "571", + "target": "572" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79171103" + }, + "source": "571", + "target": "573" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76833403" + }, + "source": "571", + "target": "574" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.822666" + }, + "source": "571", + "target": "578" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8840755" + }, + "source": "571", + "target": "579" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7590052" + }, + "source": "572", + "target": "573" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7637335" + }, + "source": "572", + "target": "578" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8021073" + }, + "source": "572", + "target": "579" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7822387" + }, + "source": "573", + "target": "578" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8557583" + }, + "source": "573", + "target": "579" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80760956" + }, + "source": "574", + "target": "579" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8528003" + }, + "source": "578", + "target": "579" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8394344" + }, + "source": "580", + "target": "581" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8567915" + }, + "source": "580", + "target": "582" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89355963" + }, + "source": "580", + "target": "583" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9017148" + }, + "source": "580", + "target": "584" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88223165" + }, + "source": "580", + "target": "585" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8980313" + }, + "source": "580", + "target": "586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.902834" + }, + "source": "580", + "target": "587" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9050087" + }, + "source": "580", + "target": "588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90842235" + }, + "source": "580", + "target": "589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9606775" + }, + "source": "581", + "target": "582" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94248414" + }, + "source": "581", + "target": "583" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9252267" + }, + "source": "581", + "target": "584" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9672643" + }, + "source": "581", + "target": "585" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9170836" + }, + "source": "581", + "target": "586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9258183" + }, + "source": "581", + "target": "587" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9086194" + }, + "source": "581", + "target": "588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91424537" + }, + "source": "581", + "target": "589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9551813" + }, + "source": "582", + "target": "583" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9416455" + }, + "source": "582", + "target": "584" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9759681" + }, + "source": "582", + "target": "585" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9349919" + }, + "source": "582", + "target": "586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94417024" + }, + "source": "582", + "target": "587" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9284705" + }, + "source": "582", + "target": "588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93373317" + }, + "source": "582", + "target": "589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97638196" + }, + "source": "583", + "target": "584" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9715626" + }, + "source": "583", + "target": "585" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97996557" + }, + "source": "583", + "target": "586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9838896" + }, + "source": "583", + "target": "587" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9829024" + }, + "source": "583", + "target": "588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.984514" + }, + "source": "583", + "target": "589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9614479" + }, + "source": "584", + "target": "585" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.975456" + }, + "source": "584", + "target": "586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9827485" + }, + "source": "584", + "target": "587" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9759878" + }, + "source": "584", + "target": "588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98089325" + }, + "source": "584", + "target": "589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95157385" + }, + "source": "585", + "target": "586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9629177" + }, + "source": "585", + "target": "587" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9472531" + }, + "source": "585", + "target": "588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95307666" + }, + "source": "585", + "target": "589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9890466" + }, + "source": "586", + "target": "587" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98932326" + }, + "source": "586", + "target": "588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9893011" + }, + "source": "586", + "target": "589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9896457" + }, + "source": "587", + "target": "588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9904221" + }, + "source": "587", + "target": "589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9980434" + }, + "source": "588", + "target": "589" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.99094903" + }, + "source": "590", + "target": "596" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76349926" + }, + "source": "591", + "target": "599" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7657616" + }, + "source": "593", + "target": "598" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77269024" + }, + "source": "593", + "target": "599" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8542509" + }, + "source": "600", + "target": "601" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7660636" + }, + "source": "600", + "target": "602" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7947829" + }, + "source": "600", + "target": "603" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86051625" + }, + "source": "600", + "target": "608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84487987" + }, + "source": "600", + "target": "609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77140343" + }, + "source": "601", + "target": "602" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78043646" + }, + "source": "601", + "target": "603" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77873415" + }, + "source": "601", + "target": "606" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85026073" + }, + "source": "601", + "target": "608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8612683" + }, + "source": "601", + "target": "609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7560061" + }, + "source": "602", + "target": "603" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7525182" + }, + "source": "602", + "target": "608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76320076" + }, + "source": "603", + "target": "606" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85848135" + }, + "source": "603", + "target": "608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8408526" + }, + "source": "603", + "target": "609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77564836" + }, + "source": "606", + "target": "608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7614043" + }, + "source": "606", + "target": "609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89605176" + }, + "source": "608", + "target": "609" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90094167" + }, + "source": "610", + "target": "611" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9237033" + }, + "source": "610", + "target": "612" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9214237" + }, + "source": "610", + "target": "613" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90170515" + }, + "source": "610", + "target": "614" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9220177" + }, + "source": "610", + "target": "615" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91720545" + }, + "source": "610", + "target": "616" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9166639" + }, + "source": "610", + "target": "617" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91716874" + }, + "source": "610", + "target": "618" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9151739" + }, + "source": "610", + "target": "619" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9723214" + }, + "source": "611", + "target": "612" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97210383" + }, + "source": "611", + "target": "613" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9149928" + }, + "source": "611", + "target": "614" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9712242" + }, + "source": "611", + "target": "615" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9682864" + }, + "source": "611", + "target": "616" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9760617" + }, + "source": "611", + "target": "617" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9768838" + }, + "source": "611", + "target": "618" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9702413" + }, + "source": "611", + "target": "619" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9919643" + }, + "source": "612", + "target": "613" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94220054" + }, + "source": "612", + "target": "614" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99679923" + }, + "source": "612", + "target": "615" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9955627" + }, + "source": "612", + "target": "616" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99619675" + }, + "source": "612", + "target": "617" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9966976" + }, + "source": "612", + "target": "618" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99555683" + }, + "source": "612", + "target": "619" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9401173" + }, + "source": "613", + "target": "614" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9937188" + }, + "source": "613", + "target": "615" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99193263" + }, + "source": "613", + "target": "616" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9929848" + }, + "source": "613", + "target": "617" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9940561" + }, + "source": "613", + "target": "618" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99064815" + }, + "source": "613", + "target": "619" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94927" + }, + "source": "614", + "target": "615" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95068574" + }, + "source": "614", + "target": "616" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9413465" + }, + "source": "614", + "target": "617" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9415235" + }, + "source": "614", + "target": "618" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94598734" + }, + "source": "614", + "target": "619" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99713147" + }, + "source": "615", + "target": "616" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9981307" + }, + "source": "615", + "target": "617" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99680007" + }, + "source": "615", + "target": "618" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9987881" + }, + "source": "615", + "target": "619" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99505293" + }, + "source": "616", + "target": "617" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99707496" + }, + "source": "616", + "target": "618" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9965599" + }, + "source": "616", + "target": "619" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99828196" + }, + "source": "617", + "target": "618" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99831057" + }, + "source": "617", + "target": "619" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99593675" + }, + "source": "618", + "target": "619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9296646" + }, + "source": "620", + "target": "621" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89413667" + }, + "source": "620", + "target": "622" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91612405" + }, + "source": "620", + "target": "623" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91797525" + }, + "source": "620", + "target": "624" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9210309" + }, + "source": "620", + "target": "625" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88472104" + }, + "source": "620", + "target": "626" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9334923" + }, + "source": "620", + "target": "627" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8968516" + }, + "source": "620", + "target": "628" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93103933" + }, + "source": "620", + "target": "629" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91423595" + }, + "source": "621", + "target": "622" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95830595" + }, + "source": "621", + "target": "623" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96112955" + }, + "source": "621", + "target": "624" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96620727" + }, + "source": "621", + "target": "625" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94088876" + }, + "source": "621", + "target": "626" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96442246" + }, + "source": "621", + "target": "627" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9258722" + }, + "source": "621", + "target": "628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9519092" + }, + "source": "621", + "target": "629" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93102074" + }, + "source": "622", + "target": "623" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9213536" + }, + "source": "622", + "target": "624" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91078347" + }, + "source": "622", + "target": "625" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9418465" + }, + "source": "622", + "target": "626" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93487316" + }, + "source": "622", + "target": "627" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.862669" + }, + "source": "622", + "target": "628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9539009" + }, + "source": "622", + "target": "629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9363916" + }, + "source": "623", + "target": "624" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96985483" + }, + "source": "623", + "target": "625" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9280082" + }, + "source": "623", + "target": "626" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9433944" + }, + "source": "623", + "target": "627" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8932266" + }, + "source": "623", + "target": "628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9315727" + }, + "source": "623", + "target": "629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95078015" + }, + "source": "624", + "target": "625" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9635154" + }, + "source": "624", + "target": "626" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9694964" + }, + "source": "624", + "target": "627" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8942318" + }, + "source": "624", + "target": "628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94656336" + }, + "source": "624", + "target": "629" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9332311" + }, + "source": "625", + "target": "626" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9726714" + }, + "source": "625", + "target": "627" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90035385" + }, + "source": "625", + "target": "628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9438698" + }, + "source": "625", + "target": "629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9499267" + }, + "source": "626", + "target": "627" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8546897" + }, + "source": "626", + "target": "628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9425456" + }, + "source": "626", + "target": "629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9013997" + }, + "source": "627", + "target": "628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9543067" + }, + "source": "627", + "target": "629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89419127" + }, + "source": "628", + "target": "629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9521992" + }, + "source": "630", + "target": "631" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9524574" + }, + "source": "630", + "target": "632" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9508533" + }, + "source": "630", + "target": "633" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9341611" + }, + "source": "630", + "target": "634" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.957479" + }, + "source": "630", + "target": "635" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95132405" + }, + "source": "630", + "target": "636" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93884706" + }, + "source": "630", + "target": "637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95105994" + }, + "source": "630", + "target": "638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94318295" + }, + "source": "630", + "target": "639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97696126" + }, + "source": "631", + "target": "632" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9743564" + }, + "source": "631", + "target": "633" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9716053" + }, + "source": "631", + "target": "634" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9614389" + }, + "source": "631", + "target": "635" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98076123" + }, + "source": "631", + "target": "636" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9657787" + }, + "source": "631", + "target": "637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9763341" + }, + "source": "631", + "target": "638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9745269" + }, + "source": "631", + "target": "639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9762688" + }, + "source": "632", + "target": "633" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96230257" + }, + "source": "632", + "target": "634" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.978734" + }, + "source": "632", + "target": "635" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9804143" + }, + "source": "632", + "target": "636" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9782058" + }, + "source": "632", + "target": "637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9776965" + }, + "source": "632", + "target": "638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9696111" + }, + "source": "632", + "target": "639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9838387" + }, + "source": "633", + "target": "634" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.975159" + }, + "source": "633", + "target": "635" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9871555" + }, + "source": "633", + "target": "636" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9678401" + }, + "source": "633", + "target": "637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9991286" + }, + "source": "633", + "target": "638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99101496" + }, + "source": "633", + "target": "639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9561669" + }, + "source": "634", + "target": "635" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97651505" + }, + "source": "634", + "target": "636" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9632652" + }, + "source": "634", + "target": "637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98373675" + }, + "source": "634", + "target": "638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9962583" + }, + "source": "634", + "target": "639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9718244" + }, + "source": "635", + "target": "636" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97524095" + }, + "source": "635", + "target": "637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9754681" + }, + "source": "635", + "target": "638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9673895" + }, + "source": "635", + "target": "639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.963578" + }, + "source": "636", + "target": "637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9875649" + }, + "source": "636", + "target": "638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9836508" + }, + "source": "636", + "target": "639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9678425" + }, + "source": "637", + "target": "638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9682104" + }, + "source": "637", + "target": "639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9902406" + }, + "source": "638", + "target": "639" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75929785" + }, + "source": "641", + "target": "644" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84768915" + }, + "source": "642", + "target": "648" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77124584" + }, + "source": "646", + "target": "649" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9054135" + }, + "source": "650", + "target": "651" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.813371" + }, + "source": "650", + "target": "652" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93034446" + }, + "source": "650", + "target": "653" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91466033" + }, + "source": "650", + "target": "654" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90627193" + }, + "source": "650", + "target": "655" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94287115" + }, + "source": "650", + "target": "656" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9519613" + }, + "source": "650", + "target": "657" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8516159" + }, + "source": "650", + "target": "658" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95133376" + }, + "source": "650", + "target": "659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7914506" + }, + "source": "651", + "target": "652" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8940738" + }, + "source": "651", + "target": "653" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9329705" + }, + "source": "651", + "target": "654" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87004405" + }, + "source": "651", + "target": "655" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9390334" + }, + "source": "651", + "target": "656" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8635824" + }, + "source": "651", + "target": "657" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8217269" + }, + "source": "651", + "target": "658" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9034999" + }, + "source": "651", + "target": "659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8535837" + }, + "source": "652", + "target": "653" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8149976" + }, + "source": "652", + "target": "654" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8616326" + }, + "source": "652", + "target": "655" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7890487" + }, + "source": "652", + "target": "656" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8174932" + }, + "source": "652", + "target": "657" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9674585" + }, + "source": "652", + "target": "658" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8186821" + }, + "source": "652", + "target": "659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.906737" + }, + "source": "653", + "target": "654" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9324033" + }, + "source": "653", + "target": "655" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90520227" + }, + "source": "653", + "target": "656" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94486266" + }, + "source": "653", + "target": "657" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8751364" + }, + "source": "653", + "target": "658" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9627164" + }, + "source": "653", + "target": "659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8812546" + }, + "source": "654", + "target": "655" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9526876" + }, + "source": "654", + "target": "656" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8868264" + }, + "source": "654", + "target": "657" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84567" + }, + "source": "654", + "target": "658" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91200334" + }, + "source": "654", + "target": "659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89226353" + }, + "source": "655", + "target": "656" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9224489" + }, + "source": "655", + "target": "657" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89441156" + }, + "source": "655", + "target": "658" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92456555" + }, + "source": "655", + "target": "659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9113995" + }, + "source": "656", + "target": "657" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8408887" + }, + "source": "656", + "target": "658" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9113147" + }, + "source": "656", + "target": "659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8453606" + }, + "source": "657", + "target": "658" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94539917" + }, + "source": "657", + "target": "659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84535426" + }, + "source": "658", + "target": "659" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9886235" + }, + "source": "660", + "target": "661" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9987799" + }, + "source": "660", + "target": "662" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96939224" + }, + "source": "660", + "target": "663" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97142076" + }, + "source": "660", + "target": "664" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.980765" + }, + "source": "660", + "target": "665" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84413016" + }, + "source": "660", + "target": "666" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.980765" + }, + "source": "660", + "target": "667" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9886235" + }, + "source": "660", + "target": "668" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.980765" + }, + "source": "660", + "target": "669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9936187" + }, + "source": "661", + "target": "662" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98245597" + }, + "source": "661", + "target": "663" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9940023" + }, + "source": "661", + "target": "664" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99871117" + }, + "source": "661", + "target": "665" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.891768" + }, + "source": "661", + "target": "666" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99871117" + }, + "source": "661", + "target": "667" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9999999" + }, + "source": "661", + "target": "668" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99871117" + }, + "source": "661", + "target": "669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97646534" + }, + "source": "662", + "target": "663" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97932446" + }, + "source": "662", + "target": "664" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98776454" + }, + "source": "662", + "target": "665" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85993725" + }, + "source": "662", + "target": "666" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98776454" + }, + "source": "662", + "target": "667" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9936187" + }, + "source": "662", + "target": "668" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98776454" + }, + "source": "662", + "target": "669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9822773" + }, + "source": "663", + "target": "664" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9835873" + }, + "source": "663", + "target": "665" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9199741" + }, + "source": "663", + "target": "666" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9835873" + }, + "source": "663", + "target": "667" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98245597" + }, + "source": "663", + "target": "668" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9835873" + }, + "source": "663", + "target": "669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9965671" + }, + "source": "664", + "target": "665" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9111136" + }, + "source": "664", + "target": "666" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9965671" + }, + "source": "664", + "target": "667" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9940022" + }, + "source": "664", + "target": "668" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9965671" + }, + "source": "664", + "target": "669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90537786" + }, + "source": "665", + "target": "666" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99999994" + }, + "source": "665", + "target": "667" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99871117" + }, + "source": "665", + "target": "668" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99999994" + }, + "source": "665", + "target": "669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90537786" + }, + "source": "666", + "target": "667" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.891768" + }, + "source": "666", + "target": "668" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90537786" + }, + "source": "666", + "target": "669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99871117" + }, + "source": "667", + "target": "668" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99999994" + }, + "source": "667", + "target": "669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99871117" + }, + "source": "668", + "target": "669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9904043" + }, + "source": "670", + "target": "671" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9853196" + }, + "source": "670", + "target": "672" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99464107" + }, + "source": "670", + "target": "673" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99111146" + }, + "source": "670", + "target": "674" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98137295" + }, + "source": "670", + "target": "675" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9895102" + }, + "source": "670", + "target": "676" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9374608" + }, + "source": "670", + "target": "677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98436534" + }, + "source": "670", + "target": "678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99111146" + }, + "source": "670", + "target": "679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98964405" + }, + "source": "671", + "target": "672" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9949829" + }, + "source": "671", + "target": "673" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99749416" + }, + "source": "671", + "target": "674" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9925365" + }, + "source": "671", + "target": "675" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.999374" + }, + "source": "671", + "target": "676" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9469414" + }, + "source": "671", + "target": "677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99373484" + }, + "source": "671", + "target": "678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99749416" + }, + "source": "671", + "target": "679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99078155" + }, + "source": "672", + "target": "673" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9880707" + }, + "source": "672", + "target": "674" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99691796" + }, + "source": "672", + "target": "675" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98974544" + }, + "source": "672", + "target": "676" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9469738" + }, + "source": "672", + "target": "677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9855067" + }, + "source": "672", + "target": "678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9880707" + }, + "source": "672", + "target": "679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9974282" + }, + "source": "673", + "target": "674" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98785746" + }, + "source": "673", + "target": "675" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9950983" + }, + "source": "673", + "target": "676" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9399607" + }, + "source": "673", + "target": "677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98791325" + }, + "source": "673", + "target": "678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9974282" + }, + "source": "673", + "target": "679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9906564" + }, + "source": "674", + "target": "675" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9980177" + }, + "source": "674", + "target": "676" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94248843" + }, + "source": "674", + "target": "677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99124086" + }, + "source": "674", + "target": "678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0" + }, + "source": "674", + "target": "679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99301934" + }, + "source": "675", + "target": "676" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9497032" + }, + "source": "675", + "target": "677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.989233" + }, + "source": "675", + "target": "678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9906564" + }, + "source": "675", + "target": "679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9453203" + }, + "source": "676", + "target": "677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9934987" + }, + "source": "676", + "target": "678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9980179" + }, + "source": "676", + "target": "679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95184517" + }, + "source": "677", + "target": "678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94248843" + }, + "source": "677", + "target": "679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99124086" + }, + "source": "678", + "target": "679" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7509382" + }, + "source": "680", + "target": "681" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7694178" + }, + "source": "680", + "target": "685" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8608577" + }, + "source": "681", + "target": "685" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91097945" + }, + "source": "681", + "target": "688" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93095756" + }, + "source": "683", + "target": "686" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9293486" + }, + "source": "684", + "target": "687" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8515693" + }, + "source": "685", + "target": "688" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98374414" + }, + "source": "690", + "target": "691" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97926176" + }, + "source": "690", + "target": "692" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97607076" + }, + "source": "690", + "target": "693" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99011356" + }, + "source": "690", + "target": "694" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9892776" + }, + "source": "690", + "target": "695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98234457" + }, + "source": "690", + "target": "696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98089725" + }, + "source": "690", + "target": "697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9556787" + }, + "source": "690", + "target": "698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9613316" + }, + "source": "690", + "target": "699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9743681" + }, + "source": "691", + "target": "692" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9790627" + }, + "source": "691", + "target": "693" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9893286" + }, + "source": "691", + "target": "694" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9964299" + }, + "source": "691", + "target": "695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9745815" + }, + "source": "691", + "target": "696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97919476" + }, + "source": "691", + "target": "697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9689162" + }, + "source": "691", + "target": "698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9632395" + }, + "source": "691", + "target": "699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99879694" + }, + "source": "692", + "target": "693" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9800122" + }, + "source": "692", + "target": "694" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9766027" + }, + "source": "692", + "target": "695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96861076" + }, + "source": "692", + "target": "696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9679959" + }, + "source": "692", + "target": "697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9513471" + }, + "source": "692", + "target": "698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9540728" + }, + "source": "692", + "target": "699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9801528" + }, + "source": "693", + "target": "694" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97934103" + }, + "source": "693", + "target": "695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9678807" + }, + "source": "693", + "target": "696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9693926" + }, + "source": "693", + "target": "697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95710444" + }, + "source": "693", + "target": "698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9568632" + }, + "source": "693", + "target": "699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99118245" + }, + "source": "694", + "target": "695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9788913" + }, + "source": "694", + "target": "696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97765553" + }, + "source": "694", + "target": "697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.962705" + }, + "source": "694", + "target": "698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9635545" + }, + "source": "694", + "target": "699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9783456" + }, + "source": "695", + "target": "696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98094034" + }, + "source": "695", + "target": "697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96657926" + }, + "source": "695", + "target": "698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96326756" + }, + "source": "695", + "target": "699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9961498" + }, + "source": "696", + "target": "697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97725075" + }, + "source": "696", + "target": "698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9809722" + }, + "source": "696", + "target": "699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9842731" + }, + "source": "697", + "target": "698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9856033" + }, + "source": "697", + "target": "699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9972956" + }, + "source": "698", + "target": "699" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85029787" + }, + "source": "700", + "target": "701" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75709397" + }, + "source": "700", + "target": "702" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7998806" + }, + "source": "700", + "target": "703" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77759856" + }, + "source": "700", + "target": "708" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7884512" + }, + "source": "700", + "target": "709" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8178531" + }, + "source": "701", + "target": "702" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87194824" + }, + "source": "701", + "target": "703" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7826091" + }, + "source": "701", + "target": "704" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76225805" + }, + "source": "701", + "target": "705" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7502383" + }, + "source": "701", + "target": "706" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7640275" + }, + "source": "701", + "target": "707" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8619651" + }, + "source": "701", + "target": "708" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8660899" + }, + "source": "701", + "target": "709" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7580514" + }, + "source": "702", + "target": "708" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79404557" + }, + "source": "703", + "target": "705" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9209496" + }, + "source": "703", + "target": "708" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9540546" + }, + "source": "703", + "target": "709" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78935325" + }, + "source": "705", + "target": "706" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8256526" + }, + "source": "705", + "target": "708" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7959322" + }, + "source": "705", + "target": "709" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7896143" + }, + "source": "706", + "target": "708" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9338882" + }, + "source": "708", + "target": "709" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78945565" + }, + "source": "710", + "target": "711" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87537885" + }, + "source": "710", + "target": "712" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7969291" + }, + "source": "710", + "target": "718" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80157083" + }, + "source": "710", + "target": "719" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79545" + }, + "source": "711", + "target": "712" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91408265" + }, + "source": "711", + "target": "713" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85157883" + }, + "source": "711", + "target": "715" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84923476" + }, + "source": "711", + "target": "716" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7843949" + }, + "source": "711", + "target": "717" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9423098" + }, + "source": "711", + "target": "718" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92189115" + }, + "source": "711", + "target": "719" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7544298" + }, + "source": "712", + "target": "713" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.801849" + }, + "source": "712", + "target": "718" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82055473" + }, + "source": "712", + "target": "719" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82202864" + }, + "source": "713", + "target": "715" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80382574" + }, + "source": "713", + "target": "716" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93405235" + }, + "source": "713", + "target": "718" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9403258" + }, + "source": "713", + "target": "719" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8002152" + }, + "source": "715", + "target": "716" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7904307" + }, + "source": "715", + "target": "717" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8202156" + }, + "source": "715", + "target": "718" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80428565" + }, + "source": "715", + "target": "719" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7806759" + }, + "source": "716", + "target": "717" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8216388" + }, + "source": "716", + "target": "718" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83593976" + }, + "source": "716", + "target": "719" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77435684" + }, + "source": "717", + "target": "719" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9563881" + }, + "source": "718", + "target": "719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8990233" + }, + "source": "720", + "target": "721" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.888955" + }, + "source": "720", + "target": "722" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9098948" + }, + "source": "720", + "target": "723" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8986064" + }, + "source": "720", + "target": "724" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8907652" + }, + "source": "720", + "target": "725" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89477724" + }, + "source": "720", + "target": "726" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92016935" + }, + "source": "720", + "target": "727" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94683796" + }, + "source": "720", + "target": "728" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94283545" + }, + "source": "720", + "target": "729" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99655914" + }, + "source": "721", + "target": "722" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99329746" + }, + "source": "721", + "target": "723" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99783" + }, + "source": "721", + "target": "724" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9984013" + }, + "source": "721", + "target": "725" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9858984" + }, + "source": "721", + "target": "726" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9963268" + }, + "source": "721", + "target": "727" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9735958" + }, + "source": "721", + "target": "728" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97302496" + }, + "source": "721", + "target": "729" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.996573" + }, + "source": "722", + "target": "723" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9989704" + }, + "source": "722", + "target": "724" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9988934" + }, + "source": "722", + "target": "725" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9911039" + }, + "source": "722", + "target": "726" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9950311" + }, + "source": "722", + "target": "727" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9711311" + }, + "source": "722", + "target": "728" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9684956" + }, + "source": "722", + "target": "729" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9973912" + }, + "source": "723", + "target": "724" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99499214" + }, + "source": "723", + "target": "725" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9931246" + }, + "source": "723", + "target": "726" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9976853" + }, + "source": "723", + "target": "727" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9805472" + }, + "source": "723", + "target": "728" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9747417" + }, + "source": "723", + "target": "729" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9993121" + }, + "source": "724", + "target": "725" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99108434" + }, + "source": "724", + "target": "726" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9972952" + }, + "source": "724", + "target": "727" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97479737" + }, + "source": "724", + "target": "728" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9716723" + }, + "source": "724", + "target": "729" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9886694" + }, + "source": "725", + "target": "726" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99557656" + }, + "source": "725", + "target": "727" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97033405" + }, + "source": "725", + "target": "728" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9691272" + }, + "source": "725", + "target": "729" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9901464" + }, + "source": "726", + "target": "727" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9847028" + }, + "source": "726", + "target": "728" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97882485" + }, + "source": "726", + "target": "729" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9841456" + }, + "source": "727", + "target": "728" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98059374" + }, + "source": "727", + "target": "729" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99361426" + }, + "source": "728", + "target": "729" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95274884" + }, + "source": "730", + "target": "731" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90533304" + }, + "source": "730", + "target": "732" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84284943" + }, + "source": "730", + "target": "733" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9574311" + }, + "source": "730", + "target": "734" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9703629" + }, + "source": "730", + "target": "735" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95203173" + }, + "source": "730", + "target": "736" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9555429" + }, + "source": "730", + "target": "737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95801777" + }, + "source": "730", + "target": "738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96347725" + }, + "source": "730", + "target": "739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92197484" + }, + "source": "731", + "target": "732" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8494408" + }, + "source": "731", + "target": "733" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9949776" + }, + "source": "731", + "target": "734" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9851072" + }, + "source": "731", + "target": "735" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.991452" + }, + "source": "731", + "target": "736" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99884087" + }, + "source": "731", + "target": "737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9900663" + }, + "source": "731", + "target": "738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9976276" + }, + "source": "731", + "target": "739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8693937" + }, + "source": "732", + "target": "733" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9301624" + }, + "source": "732", + "target": "734" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91640186" + }, + "source": "732", + "target": "735" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93194115" + }, + "source": "732", + "target": "736" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91969275" + }, + "source": "732", + "target": "737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9206499" + }, + "source": "732", + "target": "738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9237071" + }, + "source": "732", + "target": "739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85998905" + }, + "source": "733", + "target": "734" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85425293" + }, + "source": "733", + "target": "735" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.858613" + }, + "source": "733", + "target": "736" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84870523" + }, + "source": "733", + "target": "737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86503947" + }, + "source": "733", + "target": "738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85361254" + }, + "source": "733", + "target": "739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98841286" + }, + "source": "734", + "target": "735" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.994284" + }, + "source": "734", + "target": "736" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9949634" + }, + "source": "734", + "target": "737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9899127" + }, + "source": "734", + "target": "738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9964584" + }, + "source": "734", + "target": "739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97880006" + }, + "source": "735", + "target": "736" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98862433" + }, + "source": "735", + "target": "737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99069405" + }, + "source": "735", + "target": "738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9907366" + }, + "source": "735", + "target": "739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99134123" + }, + "source": "736", + "target": "737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9850437" + }, + "source": "736", + "target": "738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9934753" + }, + "source": "736", + "target": "739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9918371" + }, + "source": "737", + "target": "738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99878716" + }, + "source": "737", + "target": "739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9926586" + }, + "source": "738", + "target": "739" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76187146" + }, + "source": "740", + "target": "742" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7588424" + }, + "source": "740", + "target": "744" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7539034" + }, + "source": "740", + "target": "746" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8220633" + }, + "source": "741", + "target": "743" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7577068" + }, + "source": "741", + "target": "744" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8255807" + }, + "source": "741", + "target": "745" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75124794" + }, + "source": "741", + "target": "746" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89994204" + }, + "source": "741", + "target": "747" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80080056" + }, + "source": "741", + "target": "748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7972803" + }, + "source": "741", + "target": "749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81045264" + }, + "source": "742", + "target": "744" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8305682" + }, + "source": "742", + "target": "746" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7731457" + }, + "source": "742", + "target": "747" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7789634" + }, + "source": "742", + "target": "748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7930473" + }, + "source": "742", + "target": "749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7963481" + }, + "source": "743", + "target": "745" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7748209" + }, + "source": "743", + "target": "746" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7887689" + }, + "source": "743", + "target": "747" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82349825" + }, + "source": "743", + "target": "748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8559928" + }, + "source": "743", + "target": "749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8509673" + }, + "source": "744", + "target": "745" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8442714" + }, + "source": "744", + "target": "746" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80801785" + }, + "source": "744", + "target": "747" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8328991" + }, + "source": "744", + "target": "748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8515407" + }, + "source": "744", + "target": "749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78054166" + }, + "source": "745", + "target": "746" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86890465" + }, + "source": "745", + "target": "747" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8350021" + }, + "source": "745", + "target": "748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8680503" + }, + "source": "745", + "target": "749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76379526" + }, + "source": "746", + "target": "747" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8067597" + }, + "source": "746", + "target": "748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85505605" + }, + "source": "746", + "target": "749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8311439" + }, + "source": "747", + "target": "748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8346349" + }, + "source": "747", + "target": "749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87127405" + }, + "source": "748", + "target": "749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8062426" + }, + "source": "751", + "target": "752" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8145809" + }, + "source": "751", + "target": "753" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85271704" + }, + "source": "751", + "target": "754" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8235221" + }, + "source": "751", + "target": "755" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87488365" + }, + "source": "751", + "target": "756" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79484016" + }, + "source": "751", + "target": "757" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.853073" + }, + "source": "751", + "target": "758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.859702" + }, + "source": "751", + "target": "759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8166195" + }, + "source": "752", + "target": "753" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8171619" + }, + "source": "752", + "target": "754" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81803805" + }, + "source": "752", + "target": "755" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8342596" + }, + "source": "752", + "target": "756" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8974836" + }, + "source": "752", + "target": "757" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8360321" + }, + "source": "752", + "target": "758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.826499" + }, + "source": "752", + "target": "759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.913077" + }, + "source": "753", + "target": "754" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8625047" + }, + "source": "753", + "target": "755" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8582793" + }, + "source": "753", + "target": "756" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87017494" + }, + "source": "753", + "target": "758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90407324" + }, + "source": "753", + "target": "759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8816154" + }, + "source": "754", + "target": "755" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8811993" + }, + "source": "754", + "target": "756" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78728527" + }, + "source": "754", + "target": "757" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8856479" + }, + "source": "754", + "target": "758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9004991" + }, + "source": "754", + "target": "759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9010171" + }, + "source": "755", + "target": "756" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76818806" + }, + "source": "755", + "target": "757" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.944264" + }, + "source": "755", + "target": "758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8688657" + }, + "source": "755", + "target": "759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80982643" + }, + "source": "756", + "target": "757" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89713424" + }, + "source": "756", + "target": "758" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94094086" + }, + "source": "756", + "target": "759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79671437" + }, + "source": "757", + "target": "758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7584802" + }, + "source": "757", + "target": "759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8688444" + }, + "source": "758", + "target": "759" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8540127" + }, + "source": "760", + "target": "761" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87002915" + }, + "source": "760", + "target": "762" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84128153" + }, + "source": "760", + "target": "763" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8393047" + }, + "source": "760", + "target": "764" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8720303" + }, + "source": "760", + "target": "765" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86984336" + }, + "source": "760", + "target": "766" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8656664" + }, + "source": "760", + "target": "767" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8392817" + }, + "source": "760", + "target": "768" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8554847" + }, + "source": "760", + "target": "769" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97020316" + }, + "source": "761", + "target": "762" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9686991" + }, + "source": "761", + "target": "763" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.973109" + }, + "source": "761", + "target": "764" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9837607" + }, + "source": "761", + "target": "765" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9823741" + }, + "source": "761", + "target": "766" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97903204" + }, + "source": "761", + "target": "767" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.983914" + }, + "source": "761", + "target": "768" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.996127" + }, + "source": "761", + "target": "769" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9676511" + }, + "source": "762", + "target": "763" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96954995" + }, + "source": "762", + "target": "764" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97823757" + }, + "source": "762", + "target": "765" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9802222" + }, + "source": "762", + "target": "766" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98134595" + }, + "source": "762", + "target": "767" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93148446" + }, + "source": "762", + "target": "768" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96710694" + }, + "source": "762", + "target": "769" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.990597" + }, + "source": "763", + "target": "764" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9747491" + }, + "source": "763", + "target": "765" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9779941" + }, + "source": "763", + "target": "766" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9771178" + }, + "source": "763", + "target": "767" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.941844" + }, + "source": "763", + "target": "768" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97986174" + }, + "source": "763", + "target": "769" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9736011" + }, + "source": "764", + "target": "765" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9784676" + }, + "source": "764", + "target": "766" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97787607" + }, + "source": "764", + "target": "767" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9446332" + }, + "source": "764", + "target": "768" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98086774" + }, + "source": "764", + "target": "769" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99251527" + }, + "source": "765", + "target": "766" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9916562" + }, + "source": "765", + "target": "767" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95211726" + }, + "source": "765", + "target": "768" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9843855" + }, + "source": "765", + "target": "769" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99690807" + }, + "source": "766", + "target": "767" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94512707" + }, + "source": "766", + "target": "768" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9846401" + }, + "source": "766", + "target": "769" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93933034" + }, + "source": "767", + "target": "768" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9796439" + }, + "source": "767", + "target": "769" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98181176" + }, + "source": "768", + "target": "769" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95194685" + }, + "source": "770", + "target": "771" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9530598" + }, + "source": "770", + "target": "772" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9701421" + }, + "source": "770", + "target": "773" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.978234" + }, + "source": "770", + "target": "774" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9499337" + }, + "source": "770", + "target": "775" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9689384" + }, + "source": "770", + "target": "776" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9810059" + }, + "source": "770", + "target": "777" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98192" + }, + "source": "770", + "target": "778" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98154616" + }, + "source": "770", + "target": "779" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9708111" + }, + "source": "771", + "target": "772" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96829224" + }, + "source": "771", + "target": "773" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9702237" + }, + "source": "771", + "target": "774" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9633448" + }, + "source": "771", + "target": "775" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95938814" + }, + "source": "771", + "target": "776" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9621253" + }, + "source": "771", + "target": "777" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9416445" + }, + "source": "771", + "target": "778" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9603668" + }, + "source": "771", + "target": "779" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98028386" + }, + "source": "772", + "target": "773" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97579634" + }, + "source": "772", + "target": "774" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97287494" + }, + "source": "772", + "target": "775" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.973047" + }, + "source": "772", + "target": "776" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9710702" + }, + "source": "772", + "target": "777" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95238614" + }, + "source": "772", + "target": "778" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9690978" + }, + "source": "772", + "target": "779" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9829378" + }, + "source": "773", + "target": "774" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9901558" + }, + "source": "773", + "target": "775" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9700594" + }, + "source": "773", + "target": "776" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97837347" + }, + "source": "773", + "target": "777" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97277623" + }, + "source": "773", + "target": "778" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9802921" + }, + "source": "773", + "target": "779" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97107387" + }, + "source": "774", + "target": "775" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99284375" + }, + "source": "774", + "target": "776" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9970232" + }, + "source": "774", + "target": "777" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9829545" + }, + "source": "774", + "target": "778" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9919104" + }, + "source": "774", + "target": "779" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9572644" + }, + "source": "775", + "target": "776" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96446884" + }, + "source": "775", + "target": "777" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9571673" + }, + "source": "775", + "target": "778" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.971154" + }, + "source": "775", + "target": "779" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9941884" + }, + "source": "776", + "target": "777" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9778738" + }, + "source": "776", + "target": "778" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98064953" + }, + "source": "776", + "target": "779" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9882106" + }, + "source": "777", + "target": "778" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9905722" + }, + "source": "777", + "target": "779" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9875767" + }, + "source": "778", + "target": "779" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.926821" + }, + "source": "780", + "target": "781" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9337815" + }, + "source": "780", + "target": "782" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9340333" + }, + "source": "780", + "target": "783" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94173" + }, + "source": "780", + "target": "784" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93594646" + }, + "source": "780", + "target": "785" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9405397" + }, + "source": "780", + "target": "786" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9363041" + }, + "source": "780", + "target": "787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9207261" + }, + "source": "780", + "target": "788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92069197" + }, + "source": "780", + "target": "789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9843066" + }, + "source": "781", + "target": "782" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99317086" + }, + "source": "781", + "target": "783" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9876278" + }, + "source": "781", + "target": "784" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98923945" + }, + "source": "781", + "target": "785" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98647416" + }, + "source": "781", + "target": "786" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9888209" + }, + "source": "781", + "target": "787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9824724" + }, + "source": "781", + "target": "788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9858963" + }, + "source": "781", + "target": "789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9894525" + }, + "source": "782", + "target": "783" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9905559" + }, + "source": "782", + "target": "784" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9815829" + }, + "source": "782", + "target": "785" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9874046" + }, + "source": "782", + "target": "786" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9852993" + }, + "source": "782", + "target": "787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9702548" + }, + "source": "782", + "target": "788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97409695" + }, + "source": "782", + "target": "789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9943011" + }, + "source": "783", + "target": "784" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9885874" + }, + "source": "783", + "target": "785" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99045765" + }, + "source": "783", + "target": "786" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9891669" + }, + "source": "783", + "target": "787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9751052" + }, + "source": "783", + "target": "788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9790048" + }, + "source": "783", + "target": "789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9884064" + }, + "source": "784", + "target": "785" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99709624" + }, + "source": "784", + "target": "786" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9933981" + }, + "source": "784", + "target": "787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97585356" + }, + "source": "784", + "target": "788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97885394" + }, + "source": "784", + "target": "789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.988264" + }, + "source": "785", + "target": "786" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98813605" + }, + "source": "785", + "target": "787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9760084" + }, + "source": "785", + "target": "788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97941184" + }, + "source": "785", + "target": "789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99666274" + }, + "source": "786", + "target": "787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9799417" + }, + "source": "786", + "target": "788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9826895" + }, + "source": "786", + "target": "789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98119575" + }, + "source": "787", + "target": "788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9839678" + }, + "source": "787", + "target": "789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9983047" + }, + "source": "788", + "target": "789" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8905746" + }, + "source": "790", + "target": "791" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8060316" + }, + "source": "790", + "target": "792" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.812215" + }, + "source": "790", + "target": "793" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7861129" + }, + "source": "790", + "target": "796" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76050603" + }, + "source": "790", + "target": "798" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7683289" + }, + "source": "790", + "target": "799" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8286958" + }, + "source": "791", + "target": "792" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8637341" + }, + "source": "791", + "target": "793" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76451063" + }, + "source": "791", + "target": "795" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84868836" + }, + "source": "791", + "target": "796" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75934505" + }, + "source": "791", + "target": "797" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8040501" + }, + "source": "791", + "target": "798" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79562443" + }, + "source": "791", + "target": "799" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75316095" + }, + "source": "792", + "target": "793" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77516615" + }, + "source": "792", + "target": "796" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78950256" + }, + "source": "793", + "target": "796" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8836488" + }, + "source": "793", + "target": "798" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91757643" + }, + "source": "793", + "target": "799" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8816947" + }, + "source": "798", + "target": "799" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97251225" + }, + "source": "800", + "target": "801" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99468625" + }, + "source": "800", + "target": "802" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9963972" + }, + "source": "800", + "target": "803" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99807644" + }, + "source": "800", + "target": "804" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9949634" + }, + "source": "800", + "target": "805" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84430325" + }, + "source": "800", + "target": "806" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99807644" + }, + "source": "800", + "target": "807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9984984" + }, + "source": "800", + "target": "808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9984448" + }, + "source": "800", + "target": "809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98565334" + }, + "source": "801", + "target": "802" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98471814" + }, + "source": "801", + "target": "803" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.980409" + }, + "source": "801", + "target": "804" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9840689" + }, + "source": "801", + "target": "805" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85913825" + }, + "source": "801", + "target": "806" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.980409" + }, + "source": "801", + "target": "807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9792061" + }, + "source": "801", + "target": "808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9791285" + }, + "source": "801", + "target": "809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99867404" + }, + "source": "802", + "target": "803" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99626803" + }, + "source": "802", + "target": "804" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9954059" + }, + "source": "802", + "target": "805" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85034287" + }, + "source": "802", + "target": "806" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99626803" + }, + "source": "802", + "target": "807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99572456" + }, + "source": "802", + "target": "808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9956554" + }, + "source": "802", + "target": "809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99763644" + }, + "source": "803", + "target": "804" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9964855" + }, + "source": "803", + "target": "805" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8507678" + }, + "source": "803", + "target": "806" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99763644" + }, + "source": "803", + "target": "807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9973422" + }, + "source": "803", + "target": "808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9972658" + }, + "source": "803", + "target": "809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99908096" + }, + "source": "804", + "target": "805" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84933" + }, + "source": "804", + "target": "806" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "804", + "target": "807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9998566" + }, + "source": "804", + "target": "808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99988794" + }, + "source": "804", + "target": "809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8513299" + }, + "source": "805", + "target": "806" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9990808" + }, + "source": "805", + "target": "807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99857646" + }, + "source": "805", + "target": "808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9986613" + }, + "source": "805", + "target": "809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84933" + }, + "source": "806", + "target": "807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8487526" + }, + "source": "806", + "target": "808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8485261" + }, + "source": "806", + "target": "809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9998566" + }, + "source": "807", + "target": "808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99988794" + }, + "source": "807", + "target": "809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9999291" + }, + "source": "808", + "target": "809" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8488737" + }, + "source": "810", + "target": "811" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82271457" + }, + "source": "810", + "target": "812" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7817763" + }, + "source": "810", + "target": "813" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83010536" + }, + "source": "810", + "target": "818" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8214158" + }, + "source": "810", + "target": "819" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81767666" + }, + "source": "811", + "target": "812" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.819013" + }, + "source": "811", + "target": "813" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7877101" + }, + "source": "811", + "target": "815" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75137866" + }, + "source": "811", + "target": "816" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79184675" + }, + "source": "811", + "target": "817" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8512722" + }, + "source": "811", + "target": "818" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8540045" + }, + "source": "811", + "target": "819" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7630162" + }, + "source": "812", + "target": "813" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7606576" + }, + "source": "812", + "target": "817" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81343055" + }, + "source": "812", + "target": "818" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77720237" + }, + "source": "812", + "target": "819" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83912635" + }, + "source": "813", + "target": "818" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.832137" + }, + "source": "813", + "target": "819" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75359976" + }, + "source": "815", + "target": "819" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7820276" + }, + "source": "817", + "target": "818" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77174425" + }, + "source": "817", + "target": "819" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8888321" + }, + "source": "818", + "target": "819" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92120814" + }, + "source": "820", + "target": "821" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7660533" + }, + "source": "820", + "target": "822" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9326625" + }, + "source": "820", + "target": "823" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95264935" + }, + "source": "820", + "target": "824" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92697054" + }, + "source": "820", + "target": "825" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93171084" + }, + "source": "820", + "target": "826" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9428084" + }, + "source": "820", + "target": "827" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89386606" + }, + "source": "820", + "target": "828" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96058583" + }, + "source": "820", + "target": "829" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80493474" + }, + "source": "821", + "target": "822" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9783205" + }, + "source": "821", + "target": "823" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9569" + }, + "source": "821", + "target": "824" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95024437" + }, + "source": "821", + "target": "825" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9565824" + }, + "source": "821", + "target": "826" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9754888" + }, + "source": "821", + "target": "827" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93229955" + }, + "source": "821", + "target": "828" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96686924" + }, + "source": "821", + "target": "829" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82363635" + }, + "source": "822", + "target": "823" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7953975" + }, + "source": "822", + "target": "824" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85126996" + }, + "source": "822", + "target": "825" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86963904" + }, + "source": "822", + "target": "826" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8203063" + }, + "source": "822", + "target": "827" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8808" + }, + "source": "822", + "target": "828" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7938323" + }, + "source": "822", + "target": "829" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95092595" + }, + "source": "823", + "target": "824" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95914805" + }, + "source": "823", + "target": "825" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95580775" + }, + "source": "823", + "target": "826" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.98076475" + }, + "source": "823", + "target": "827" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94115376" + }, + "source": "823", + "target": "828" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.970977" + }, + "source": "823", + "target": "829" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95649767" + }, + "source": "824", + "target": "825" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94898367" + }, + "source": "824", + "target": "826" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95952666" + }, + "source": "824", + "target": "827" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92905223" + }, + "source": "824", + "target": "828" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9710108" + }, + "source": "824", + "target": "829" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93836653" + }, + "source": "825", + "target": "826" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9519512" + }, + "source": "825", + "target": "827" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9737195" + }, + "source": "825", + "target": "828" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95400035" + }, + "source": "825", + "target": "829" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96508795" + }, + "source": "826", + "target": "827" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93186677" + }, + "source": "826", + "target": "828" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9627462" + }, + "source": "826", + "target": "829" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9377595" + }, + "source": "827", + "target": "828" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97918093" + }, + "source": "827", + "target": "829" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92371947" + }, + "source": "828", + "target": "829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8662163" + }, + "source": "830", + "target": "831" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89519274" + }, + "source": "830", + "target": "832" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8948374" + }, + "source": "830", + "target": "833" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8145574" + }, + "source": "830", + "target": "834" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90467453" + }, + "source": "830", + "target": "836" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7938504" + }, + "source": "830", + "target": "837" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8897549" + }, + "source": "830", + "target": "838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91382086" + }, + "source": "830", + "target": "839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8862926" + }, + "source": "831", + "target": "832" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9116378" + }, + "source": "831", + "target": "833" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9069084" + }, + "source": "831", + "target": "834" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8079021" + }, + "source": "831", + "target": "835" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91951066" + }, + "source": "831", + "target": "836" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88638484" + }, + "source": "831", + "target": "837" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9402429" + }, + "source": "831", + "target": "838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9301889" + }, + "source": "831", + "target": "839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8548042" + }, + "source": "832", + "target": "833" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8071214" + }, + "source": "832", + "target": "834" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8763838" + }, + "source": "832", + "target": "836" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8099803" + }, + "source": "832", + "target": "837" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8655196" + }, + "source": "832", + "target": "838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8895055" + }, + "source": "832", + "target": "839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8389579" + }, + "source": "833", + "target": "834" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7815685" + }, + "source": "833", + "target": "835" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9082614" + }, + "source": "833", + "target": "836" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.827126" + }, + "source": "833", + "target": "837" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9177216" + }, + "source": "833", + "target": "838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94029397" + }, + "source": "833", + "target": "839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8505471" + }, + "source": "834", + "target": "835" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8905238" + }, + "source": "834", + "target": "836" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8972298" + }, + "source": "834", + "target": "837" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9174788" + }, + "source": "834", + "target": "838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89287364" + }, + "source": "834", + "target": "839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8177482" + }, + "source": "835", + "target": "836" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7670107" + }, + "source": "835", + "target": "837" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8177654" + }, + "source": "835", + "target": "838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79590654" + }, + "source": "835", + "target": "839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85410416" + }, + "source": "836", + "target": "837" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9154529" + }, + "source": "836", + "target": "838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93182856" + }, + "source": "836", + "target": "839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88884664" + }, + "source": "837", + "target": "838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8773065" + }, + "source": "837", + "target": "839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.95707685" + }, + "source": "838", + "target": "839" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8275276" + }, + "source": "840", + "target": "841" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7729664" + }, + "source": "840", + "target": "842" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80511343" + }, + "source": "840", + "target": "843" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8213228" + }, + "source": "840", + "target": "844" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8505937" + }, + "source": "840", + "target": "845" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80174637" + }, + "source": "840", + "target": "846" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8029974" + }, + "source": "840", + "target": "847" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84177816" + }, + "source": "840", + "target": "848" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7975119" + }, + "source": "840", + "target": "849" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8737768" + }, + "source": "841", + "target": "842" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88727695" + }, + "source": "841", + "target": "843" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92211187" + }, + "source": "841", + "target": "844" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9289819" + }, + "source": "841", + "target": "845" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90208524" + }, + "source": "841", + "target": "846" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94567406" + }, + "source": "841", + "target": "847" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9257629" + }, + "source": "841", + "target": "848" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8869726" + }, + "source": "841", + "target": "849" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89428794" + }, + "source": "842", + "target": "843" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91967386" + }, + "source": "842", + "target": "844" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9288136" + }, + "source": "842", + "target": "845" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9740137" + }, + "source": "842", + "target": "846" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8282798" + }, + "source": "842", + "target": "847" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9228054" + }, + "source": "842", + "target": "848" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8238647" + }, + "source": "842", + "target": "849" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8891624" + }, + "source": "843", + "target": "844" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.898922" + }, + "source": "843", + "target": "845" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88300323" + }, + "source": "843", + "target": "846" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89373755" + }, + "source": "843", + "target": "847" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8732022" + }, + "source": "843", + "target": "848" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89028823" + }, + "source": "843", + "target": "849" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9578093" + }, + "source": "844", + "target": "845" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9396814" + }, + "source": "844", + "target": "846" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9142854" + }, + "source": "844", + "target": "847" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94800514" + }, + "source": "844", + "target": "848" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.890396" + }, + "source": "844", + "target": "849" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9433855" + }, + "source": "845", + "target": "846" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90434086" + }, + "source": "845", + "target": "847" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98741347" + }, + "source": "845", + "target": "848" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9082814" + }, + "source": "845", + "target": "849" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84786344" + }, + "source": "846", + "target": "847" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95097053" + }, + "source": "846", + "target": "848" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8157737" + }, + "source": "846", + "target": "849" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8784431" + }, + "source": "847", + "target": "848" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93403983" + }, + "source": "847", + "target": "849" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8536209" + }, + "source": "848", + "target": "849" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7696209" + }, + "source": "850", + "target": "851" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75566745" + }, + "source": "850", + "target": "854" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7910648" + }, + "source": "850", + "target": "855" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7959858" + }, + "source": "850", + "target": "856" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92658865" + }, + "source": "851", + "target": "852" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9196998" + }, + "source": "851", + "target": "853" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9111688" + }, + "source": "851", + "target": "854" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9484182" + }, + "source": "851", + "target": "855" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93749976" + }, + "source": "851", + "target": "856" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84498656" + }, + "source": "851", + "target": "857" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8309389" + }, + "source": "851", + "target": "858" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.942484" + }, + "source": "851", + "target": "859" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8977703" + }, + "source": "852", + "target": "853" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.897534" + }, + "source": "852", + "target": "854" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91165257" + }, + "source": "852", + "target": "855" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89807355" + }, + "source": "852", + "target": "856" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8621426" + }, + "source": "852", + "target": "857" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8342944" + }, + "source": "852", + "target": "858" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9489305" + }, + "source": "852", + "target": "859" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8763608" + }, + "source": "853", + "target": "854" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9035082" + }, + "source": "853", + "target": "855" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92249316" + }, + "source": "853", + "target": "856" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85362935" + }, + "source": "853", + "target": "857" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82753676" + }, + "source": "853", + "target": "858" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9113839" + }, + "source": "853", + "target": "859" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88811696" + }, + "source": "854", + "target": "855" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8808781" + }, + "source": "854", + "target": "856" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83852684" + }, + "source": "854", + "target": "857" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8155944" + }, + "source": "854", + "target": "858" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92073226" + }, + "source": "854", + "target": "859" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92394316" + }, + "source": "855", + "target": "856" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8513577" + }, + "source": "855", + "target": "857" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81171954" + }, + "source": "855", + "target": "858" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93301535" + }, + "source": "855", + "target": "859" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86202323" + }, + "source": "856", + "target": "857" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8286533" + }, + "source": "856", + "target": "858" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9218054" + }, + "source": "856", + "target": "859" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77678806" + }, + "source": "857", + "target": "858" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.876583" + }, + "source": "857", + "target": "859" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83207136" + }, + "source": "858", + "target": "859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8825464" + }, + "source": "860", + "target": "861" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76287985" + }, + "source": "860", + "target": "862" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7918378" + }, + "source": "860", + "target": "863" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8324125" + }, + "source": "860", + "target": "868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.74922144" + }, + "source": "860", + "target": "869" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8030541" + }, + "source": "861", + "target": "862" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85000354" + }, + "source": "861", + "target": "863" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8134896" + }, + "source": "861", + "target": "864" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8124328" + }, + "source": "861", + "target": "866" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80736506" + }, + "source": "861", + "target": "867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89802355" + }, + "source": "861", + "target": "868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84846354" + }, + "source": "861", + "target": "869" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.756564" + }, + "source": "862", + "target": "868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8300261" + }, + "source": "863", + "target": "868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8220124" + }, + "source": "863", + "target": "869" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75182915" + }, + "source": "864", + "target": "866" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7608188" + }, + "source": "864", + "target": "868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7548015" + }, + "source": "864", + "target": "869" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75706625" + }, + "source": "866", + "target": "868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86445564" + }, + "source": "868", + "target": "869" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87339044" + }, + "source": "870", + "target": "871" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87030876" + }, + "source": "870", + "target": "872" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9253858" + }, + "source": "870", + "target": "873" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9467521" + }, + "source": "870", + "target": "874" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94495463" + }, + "source": "870", + "target": "875" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93101126" + }, + "source": "870", + "target": "876" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96810955" + }, + "source": "870", + "target": "877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9334972" + }, + "source": "870", + "target": "878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9315559" + }, + "source": "870", + "target": "879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82457924" + }, + "source": "871", + "target": "872" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89809126" + }, + "source": "871", + "target": "873" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8613079" + }, + "source": "871", + "target": "874" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8718444" + }, + "source": "871", + "target": "875" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91025245" + }, + "source": "871", + "target": "876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8721441" + }, + "source": "871", + "target": "877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.890524" + }, + "source": "871", + "target": "878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8776467" + }, + "source": "871", + "target": "879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8680204" + }, + "source": "872", + "target": "873" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86852086" + }, + "source": "872", + "target": "874" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8706507" + }, + "source": "872", + "target": "875" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8324398" + }, + "source": "872", + "target": "876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88230896" + }, + "source": "872", + "target": "877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85509485" + }, + "source": "872", + "target": "878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85777044" + }, + "source": "872", + "target": "879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93028116" + }, + "source": "873", + "target": "874" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93046176" + }, + "source": "873", + "target": "875" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9534579" + }, + "source": "873", + "target": "876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92114115" + }, + "source": "873", + "target": "877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9425429" + }, + "source": "873", + "target": "878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91568696" + }, + "source": "873", + "target": "879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9639697" + }, + "source": "874", + "target": "875" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9085705" + }, + "source": "874", + "target": "876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96463895" + }, + "source": "874", + "target": "877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93642515" + }, + "source": "874", + "target": "878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91702896" + }, + "source": "874", + "target": "879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90920055" + }, + "source": "875", + "target": "876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95958465" + }, + "source": "875", + "target": "877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9366608" + }, + "source": "875", + "target": "878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9130768" + }, + "source": "875", + "target": "879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9220681" + }, + "source": "876", + "target": "877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9144622" + }, + "source": "876", + "target": "878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9237145" + }, + "source": "876", + "target": "879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93736315" + }, + "source": "877", + "target": "878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.934076" + }, + "source": "877", + "target": "879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92362493" + }, + "source": "878", + "target": "879" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.80275935" + }, + "source": "880", + "target": "883" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8227775" + }, + "source": "880", + "target": "885" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8238512" + }, + "source": "880", + "target": "887" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8296536" + }, + "source": "880", + "target": "889" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83409494" + }, + "source": "881", + "target": "883" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8377724" + }, + "source": "881", + "target": "885" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84157324" + }, + "source": "881", + "target": "887" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84348" + }, + "source": "881", + "target": "889" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81500506" + }, + "source": "882", + "target": "883" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93573546" + }, + "source": "882", + "target": "884" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81177497" + }, + "source": "882", + "target": "885" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98726106" + }, + "source": "882", + "target": "886" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8058241" + }, + "source": "882", + "target": "887" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93615395" + }, + "source": "882", + "target": "888" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.80492413" + }, + "source": "882", + "target": "889" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7942587" + }, + "source": "883", + "target": "884" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9854257" + }, + "source": "883", + "target": "885" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8105451" + }, + "source": "883", + "target": "886" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9859214" + }, + "source": "883", + "target": "887" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.79450166" + }, + "source": "883", + "target": "888" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9826716" + }, + "source": "883", + "target": "889" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7916385" + }, + "source": "884", + "target": "885" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93279785" + }, + "source": "884", + "target": "886" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7823508" + }, + "source": "884", + "target": "887" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9975717" + }, + "source": "884", + "target": "888" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7809603" + }, + "source": "884", + "target": "889" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.80537534" + }, + "source": "885", + "target": "886" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99673116" + }, + "source": "885", + "target": "887" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7951213" + }, + "source": "885", + "target": "888" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9945561" + }, + "source": "885", + "target": "889" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7976489" + }, + "source": "886", + "target": "887" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93158627" + }, + "source": "886", + "target": "888" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7921175" + }, + "source": "886", + "target": "889" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7870456" + }, + "source": "887", + "target": "888" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9971233" + }, + "source": "887", + "target": "889" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7864915" + }, + "source": "888", + "target": "889" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75710917" + }, + "source": "891", + "target": "892" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.849403" + }, + "source": "891", + "target": "893" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8457726" + }, + "source": "900", + "target": "901" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8513986" + }, + "source": "900", + "target": "902" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78228235" + }, + "source": "900", + "target": "903" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8424169" + }, + "source": "900", + "target": "906" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7702509" + }, + "source": "900", + "target": "907" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87677777" + }, + "source": "900", + "target": "908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79085815" + }, + "source": "900", + "target": "909" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8476839" + }, + "source": "901", + "target": "902" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80474997" + }, + "source": "901", + "target": "903" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8162402" + }, + "source": "901", + "target": "904" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77434504" + }, + "source": "901", + "target": "905" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79529685" + }, + "source": "901", + "target": "906" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8240545" + }, + "source": "901", + "target": "907" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.877606" + }, + "source": "901", + "target": "908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.884762" + }, + "source": "901", + "target": "909" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7747538" + }, + "source": "902", + "target": "903" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75063145" + }, + "source": "902", + "target": "904" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7904664" + }, + "source": "902", + "target": "906" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7572444" + }, + "source": "902", + "target": "907" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8219029" + }, + "source": "902", + "target": "908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7639799" + }, + "source": "902", + "target": "909" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8248913" + }, + "source": "903", + "target": "906" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7689528" + }, + "source": "903", + "target": "907" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8237834" + }, + "source": "903", + "target": "908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8124477" + }, + "source": "903", + "target": "909" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7614674" + }, + "source": "904", + "target": "905" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8212509" + }, + "source": "904", + "target": "907" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75994784" + }, + "source": "904", + "target": "908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77072936" + }, + "source": "904", + "target": "909" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84204495" + }, + "source": "906", + "target": "908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76977074" + }, + "source": "906", + "target": "909" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7918782" + }, + "source": "907", + "target": "908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78418076" + }, + "source": "907", + "target": "909" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8276347" + }, + "source": "908", + "target": "909" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9429716" + }, + "source": "910", + "target": "911" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9397625" + }, + "source": "910", + "target": "912" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9434648" + }, + "source": "910", + "target": "913" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9434648" + }, + "source": "910", + "target": "914" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9420166" + }, + "source": "910", + "target": "915" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94436455" + }, + "source": "910", + "target": "916" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94436467" + }, + "source": "910", + "target": "917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9444467" + }, + "source": "910", + "target": "918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94436467" + }, + "source": "910", + "target": "919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99474394" + }, + "source": "911", + "target": "912" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9928625" + }, + "source": "911", + "target": "913" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99286246" + }, + "source": "911", + "target": "914" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.992489" + }, + "source": "911", + "target": "915" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9931576" + }, + "source": "911", + "target": "916" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9931576" + }, + "source": "911", + "target": "917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99186325" + }, + "source": "911", + "target": "918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9931577" + }, + "source": "911", + "target": "919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98995066" + }, + "source": "912", + "target": "913" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98995054" + }, + "source": "912", + "target": "914" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9889214" + }, + "source": "912", + "target": "915" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99044466" + }, + "source": "912", + "target": "916" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99044466" + }, + "source": "912", + "target": "917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98945224" + }, + "source": "912", + "target": "918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9904448" + }, + "source": "912", + "target": "919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9999999" + }, + "source": "913", + "target": "914" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99707043" + }, + "source": "913", + "target": "915" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99828327" + }, + "source": "913", + "target": "916" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9982832" + }, + "source": "913", + "target": "917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9995726" + }, + "source": "913", + "target": "918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9982833" + }, + "source": "913", + "target": "919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9970705" + }, + "source": "914", + "target": "915" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99828327" + }, + "source": "914", + "target": "916" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99828327" + }, + "source": "914", + "target": "917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99957263" + }, + "source": "914", + "target": "918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9982834" + }, + "source": "914", + "target": "919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9974599" + }, + "source": "915", + "target": "916" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9974599" + }, + "source": "915", + "target": "917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99687517" + }, + "source": "915", + "target": "918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9974601" + }, + "source": "915", + "target": "919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000005" + }, + "source": "916", + "target": "917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9981555" + }, + "source": "916", + "target": "918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000006" + }, + "source": "916", + "target": "919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99815536" + }, + "source": "917", + "target": "918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000005" + }, + "source": "917", + "target": "919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9981555" + }, + "source": "918", + "target": "919" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.792548" + }, + "source": "921", + "target": "924" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8221068" + }, + "source": "921", + "target": "927" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86085516" + }, + "source": "922", + "target": "925" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9191564" + }, + "source": "922", + "target": "928" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8301345" + }, + "source": "924", + "target": "927" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91610754" + }, + "source": "925", + "target": "928" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7963395" + }, + "source": "930", + "target": "939" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91257477" + }, + "source": "931", + "target": "934" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83047974" + }, + "source": "931", + "target": "936" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8080337" + }, + "source": "932", + "target": "936" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8903742" + }, + "source": "932", + "target": "937" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9419603" + }, + "source": "933", + "target": "935" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9271624" + }, + "source": "933", + "target": "939" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88558567" + }, + "source": "934", + "target": "936" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8713569" + }, + "source": "935", + "target": "939" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7956589" + }, + "source": "940", + "target": "941" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7621246" + }, + "source": "940", + "target": "942" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7927903" + }, + "source": "940", + "target": "943" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78746057" + }, + "source": "940", + "target": "946" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79787445" + }, + "source": "940", + "target": "948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7970929" + }, + "source": "940", + "target": "949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8180731" + }, + "source": "941", + "target": "942" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.880002" + }, + "source": "941", + "target": "943" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7675451" + }, + "source": "941", + "target": "945" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8365859" + }, + "source": "941", + "target": "946" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8803548" + }, + "source": "941", + "target": "948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8592347" + }, + "source": "941", + "target": "949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82310283" + }, + "source": "942", + "target": "943" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7899635" + }, + "source": "942", + "target": "946" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77372074" + }, + "source": "942", + "target": "948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8191512" + }, + "source": "942", + "target": "949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.836435" + }, + "source": "943", + "target": "946" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8606206" + }, + "source": "943", + "target": "948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91097015" + }, + "source": "943", + "target": "949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7976368" + }, + "source": "944", + "target": "946" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7700592" + }, + "source": "946", + "target": "948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.817659" + }, + "source": "946", + "target": "949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85657597" + }, + "source": "948", + "target": "949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7522597" + }, + "source": "950", + "target": "952" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75314665" + }, + "source": "950", + "target": "954" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76681674" + }, + "source": "950", + "target": "958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8411401" + }, + "source": "951", + "target": "952" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8446406" + }, + "source": "951", + "target": "953" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79967886" + }, + "source": "951", + "target": "954" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7965906" + }, + "source": "951", + "target": "955" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8025888" + }, + "source": "951", + "target": "956" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75845814" + }, + "source": "951", + "target": "957" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8693329" + }, + "source": "951", + "target": "958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8721558" + }, + "source": "951", + "target": "959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77298963" + }, + "source": "952", + "target": "953" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7691517" + }, + "source": "952", + "target": "954" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7620614" + }, + "source": "952", + "target": "956" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.789655" + }, + "source": "952", + "target": "958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7903818" + }, + "source": "952", + "target": "959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81490016" + }, + "source": "953", + "target": "958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83002645" + }, + "source": "953", + "target": "959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7787399" + }, + "source": "954", + "target": "956" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7746651" + }, + "source": "954", + "target": "957" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75966156" + }, + "source": "955", + "target": "958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75845134" + }, + "source": "955", + "target": "959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.872652" + }, + "source": "958", + "target": "959" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8122277" + }, + "source": "960", + "target": "961" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7871752" + }, + "source": "960", + "target": "963" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76506567" + }, + "source": "960", + "target": "966" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87308" + }, + "source": "960", + "target": "967" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81276315" + }, + "source": "960", + "target": "968" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8456689" + }, + "source": "960", + "target": "969" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8347781" + }, + "source": "961", + "target": "963" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85993284" + }, + "source": "961", + "target": "964" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81648284" + }, + "source": "961", + "target": "966" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9181752" + }, + "source": "961", + "target": "967" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9183955" + }, + "source": "961", + "target": "968" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94326234" + }, + "source": "961", + "target": "969" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8856633" + }, + "source": "963", + "target": "964" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9186807" + }, + "source": "963", + "target": "966" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8593283" + }, + "source": "963", + "target": "967" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88092184" + }, + "source": "963", + "target": "968" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87989044" + }, + "source": "963", + "target": "969" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8341198" + }, + "source": "964", + "target": "966" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82534665" + }, + "source": "964", + "target": "967" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8920233" + }, + "source": "964", + "target": "968" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88722795" + }, + "source": "964", + "target": "969" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83045876" + }, + "source": "966", + "target": "967" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83183527" + }, + "source": "966", + "target": "968" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85959494" + }, + "source": "966", + "target": "969" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88778514" + }, + "source": "967", + "target": "968" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9365475" + }, + "source": "967", + "target": "969" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9049077" + }, + "source": "968", + "target": "969" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89559925" + }, + "source": "970", + "target": "971" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8901746" + }, + "source": "970", + "target": "972" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8602456" + }, + "source": "970", + "target": "973" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9064034" + }, + "source": "970", + "target": "974" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.939038" + }, + "source": "970", + "target": "975" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87399745" + }, + "source": "970", + "target": "976" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9053246" + }, + "source": "970", + "target": "977" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90347785" + }, + "source": "970", + "target": "978" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93674934" + }, + "source": "970", + "target": "979" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.923874" + }, + "source": "971", + "target": "972" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9178966" + }, + "source": "971", + "target": "973" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93998885" + }, + "source": "971", + "target": "974" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93921196" + }, + "source": "971", + "target": "975" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93274486" + }, + "source": "971", + "target": "976" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93733346" + }, + "source": "971", + "target": "977" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8999237" + }, + "source": "971", + "target": "978" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9064441" + }, + "source": "971", + "target": "979" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91485196" + }, + "source": "972", + "target": "973" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97154224" + }, + "source": "972", + "target": "974" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92005014" + }, + "source": "972", + "target": "975" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93748593" + }, + "source": "972", + "target": "976" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9319763" + }, + "source": "972", + "target": "977" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89136493" + }, + "source": "972", + "target": "978" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90469867" + }, + "source": "972", + "target": "979" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9161148" + }, + "source": "973", + "target": "974" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90943164" + }, + "source": "973", + "target": "975" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9474352" + }, + "source": "973", + "target": "976" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92684066" + }, + "source": "973", + "target": "977" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8990905" + }, + "source": "973", + "target": "978" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8717629" + }, + "source": "973", + "target": "979" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9222635" + }, + "source": "974", + "target": "975" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9441438" + }, + "source": "974", + "target": "976" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9465667" + }, + "source": "974", + "target": "977" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8930609" + }, + "source": "974", + "target": "978" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9212581" + }, + "source": "974", + "target": "979" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9055383" + }, + "source": "975", + "target": "976" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93830395" + }, + "source": "975", + "target": "977" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91257894" + }, + "source": "975", + "target": "978" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94331205" + }, + "source": "975", + "target": "979" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9312298" + }, + "source": "976", + "target": "977" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9288739" + }, + "source": "976", + "target": "978" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88100433" + }, + "source": "976", + "target": "979" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8944759" + }, + "source": "977", + "target": "978" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8972113" + }, + "source": "977", + "target": "979" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91075885" + }, + "source": "978", + "target": "979" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90767133" + }, + "source": "980", + "target": "981" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9133944" + }, + "source": "980", + "target": "982" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8890881" + }, + "source": "980", + "target": "983" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.833876" + }, + "source": "980", + "target": "985" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88534147" + }, + "source": "980", + "target": "988" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8742982" + }, + "source": "980", + "target": "989" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8857192" + }, + "source": "981", + "target": "982" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9456866" + }, + "source": "981", + "target": "983" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8589028" + }, + "source": "981", + "target": "985" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9358142" + }, + "source": "981", + "target": "988" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9175104" + }, + "source": "981", + "target": "989" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87167615" + }, + "source": "982", + "target": "983" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.816271" + }, + "source": "982", + "target": "985" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8622961" + }, + "source": "982", + "target": "988" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8401375" + }, + "source": "982", + "target": "989" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8416351" + }, + "source": "983", + "target": "985" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92915046" + }, + "source": "983", + "target": "988" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92027897" + }, + "source": "983", + "target": "989" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8351383" + }, + "source": "985", + "target": "988" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81179076" + }, + "source": "985", + "target": "989" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9206617" + }, + "source": "988", + "target": "989" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8028028" + }, + "source": "990", + "target": "995" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8093845" + }, + "source": "990", + "target": "996" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79806066" + }, + "source": "990", + "target": "999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84173244" + }, + "source": "991", + "target": "995" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8010235" + }, + "source": "991", + "target": "996" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96230024" + }, + "source": "991", + "target": "997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8096949" + }, + "source": "991", + "target": "999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8501473" + }, + "source": "992", + "target": "993" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7657344" + }, + "source": "992", + "target": "996" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7508986" + }, + "source": "992", + "target": "999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9467554" + }, + "source": "995", + "target": "996" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83485186" + }, + "source": "995", + "target": "997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9496757" + }, + "source": "995", + "target": "999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80049264" + }, + "source": "996", + "target": "997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9391254" + }, + "source": "996", + "target": "999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80475056" + }, + "source": "997", + "target": "999" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76680166" + }, + "source": "1000", + "target": "1001" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7709033" + }, + "source": "1000", + "target": "1003" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7872119" + }, + "source": "1000", + "target": "1008" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75331247" + }, + "source": "1000", + "target": "1009" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7895038" + }, + "source": "1001", + "target": "1002" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8473743" + }, + "source": "1001", + "target": "1003" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75246304" + }, + "source": "1001", + "target": "1005" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79530597" + }, + "source": "1001", + "target": "1006" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89777994" + }, + "source": "1001", + "target": "1008" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84396577" + }, + "source": "1001", + "target": "1009" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78537214" + }, + "source": "1003", + "target": "1005" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7618184" + }, + "source": "1003", + "target": "1006" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9254226" + }, + "source": "1003", + "target": "1008" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8868093" + }, + "source": "1003", + "target": "1009" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7657461" + }, + "source": "1005", + "target": "1008" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7804718" + }, + "source": "1006", + "target": "1008" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92393184" + }, + "source": "1008", + "target": "1009" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93246686" + }, + "source": "1010", + "target": "1011" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93232524" + }, + "source": "1010", + "target": "1012" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92796063" + }, + "source": "1010", + "target": "1013" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88612986" + }, + "source": "1010", + "target": "1014" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9142934" + }, + "source": "1010", + "target": "1015" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9151894" + }, + "source": "1010", + "target": "1016" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9074614" + }, + "source": "1010", + "target": "1017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92388624" + }, + "source": "1010", + "target": "1018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8823501" + }, + "source": "1010", + "target": "1019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95637375" + }, + "source": "1011", + "target": "1012" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9515309" + }, + "source": "1011", + "target": "1013" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92132795" + }, + "source": "1011", + "target": "1014" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9272233" + }, + "source": "1011", + "target": "1015" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95078707" + }, + "source": "1011", + "target": "1016" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92572016" + }, + "source": "1011", + "target": "1017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95158637" + }, + "source": "1011", + "target": "1018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9261867" + }, + "source": "1011", + "target": "1019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96916306" + }, + "source": "1012", + "target": "1013" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9275005" + }, + "source": "1012", + "target": "1014" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9453536" + }, + "source": "1012", + "target": "1015" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9693502" + }, + "source": "1012", + "target": "1016" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94381845" + }, + "source": "1012", + "target": "1017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9673381" + }, + "source": "1012", + "target": "1018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94539106" + }, + "source": "1012", + "target": "1019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9128381" + }, + "source": "1013", + "target": "1014" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95055795" + }, + "source": "1013", + "target": "1015" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9894839" + }, + "source": "1013", + "target": "1016" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9723328" + }, + "source": "1013", + "target": "1017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9750807" + }, + "source": "1013", + "target": "1018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9113982" + }, + "source": "1013", + "target": "1019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89051104" + }, + "source": "1014", + "target": "1015" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91358185" + }, + "source": "1014", + "target": "1016" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8880756" + }, + "source": "1014", + "target": "1017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9217795" + }, + "source": "1014", + "target": "1018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9301709" + }, + "source": "1014", + "target": "1019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95180804" + }, + "source": "1015", + "target": "1016" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9284445" + }, + "source": "1015", + "target": "1017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.941818" + }, + "source": "1015", + "target": "1018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92088115" + }, + "source": "1015", + "target": "1019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9653231" + }, + "source": "1016", + "target": "1017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97899866" + }, + "source": "1016", + "target": "1018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9105351" + }, + "source": "1016", + "target": "1019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9491489" + }, + "source": "1017", + "target": "1018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88893485" + }, + "source": "1017", + "target": "1019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.915334" + }, + "source": "1018", + "target": "1019" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83189404" + }, + "source": "1020", + "target": "1021" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7600485" + }, + "source": "1020", + "target": "1022" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9026424" + }, + "source": "1020", + "target": "1023" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8079765" + }, + "source": "1020", + "target": "1025" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9145627" + }, + "source": "1020", + "target": "1028" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8287643" + }, + "source": "1020", + "target": "1029" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81146765" + }, + "source": "1021", + "target": "1023" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82032263" + }, + "source": "1021", + "target": "1028" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77088463" + }, + "source": "1021", + "target": "1029" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7642399" + }, + "source": "1022", + "target": "1023" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.791924" + }, + "source": "1022", + "target": "1028" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7517359" + }, + "source": "1023", + "target": "1025" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9438759" + }, + "source": "1023", + "target": "1028" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8326657" + }, + "source": "1023", + "target": "1029" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7517053" + }, + "source": "1025", + "target": "1028" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8521639" + }, + "source": "1028", + "target": "1029" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9373007" + }, + "source": "1030", + "target": "1031" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8189731" + }, + "source": "1030", + "target": "1032" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9335704" + }, + "source": "1030", + "target": "1033" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9373007" + }, + "source": "1030", + "target": "1034" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.928749" + }, + "source": "1030", + "target": "1035" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8944837" + }, + "source": "1030", + "target": "1036" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8985057" + }, + "source": "1030", + "target": "1037" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8455747" + }, + "source": "1030", + "target": "1038" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89211214" + }, + "source": "1030", + "target": "1039" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86288357" + }, + "source": "1031", + "target": "1032" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.990818" + }, + "source": "1031", + "target": "1033" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9999998" + }, + "source": "1031", + "target": "1034" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9838563" + }, + "source": "1031", + "target": "1035" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9469604" + }, + "source": "1031", + "target": "1036" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9504113" + }, + "source": "1031", + "target": "1037" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8977901" + }, + "source": "1031", + "target": "1038" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93357337" + }, + "source": "1031", + "target": "1039" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85701036" + }, + "source": "1032", + "target": "1033" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86288345" + }, + "source": "1032", + "target": "1034" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8548798" + }, + "source": "1032", + "target": "1035" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84254086" + }, + "source": "1032", + "target": "1036" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8332899" + }, + "source": "1032", + "target": "1037" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.793416" + }, + "source": "1032", + "target": "1038" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8203006" + }, + "source": "1032", + "target": "1039" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.990818" + }, + "source": "1033", + "target": "1034" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9863694" + }, + "source": "1033", + "target": "1035" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94808483" + }, + "source": "1033", + "target": "1036" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9515389" + }, + "source": "1033", + "target": "1037" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9001851" + }, + "source": "1033", + "target": "1038" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9340116" + }, + "source": "1033", + "target": "1039" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9838563" + }, + "source": "1034", + "target": "1035" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9469604" + }, + "source": "1034", + "target": "1036" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9504113" + }, + "source": "1034", + "target": "1037" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8977901" + }, + "source": "1034", + "target": "1038" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93357337" + }, + "source": "1034", + "target": "1039" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9580127" + }, + "source": "1035", + "target": "1036" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9595939" + }, + "source": "1035", + "target": "1037" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9068041" + }, + "source": "1035", + "target": "1038" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94054615" + }, + "source": "1035", + "target": "1039" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9608055" + }, + "source": "1036", + "target": "1037" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9220572" + }, + "source": "1036", + "target": "1038" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9623406" + }, + "source": "1036", + "target": "1039" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9220471" + }, + "source": "1037", + "target": "1038" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9468124" + }, + "source": "1037", + "target": "1039" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9150157" + }, + "source": "1038", + "target": "1039" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83675957" + }, + "source": "1040", + "target": "1041" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8208046" + }, + "source": "1040", + "target": "1042" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88770247" + }, + "source": "1040", + "target": "1043" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8328236" + }, + "source": "1040", + "target": "1044" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81771946" + }, + "source": "1040", + "target": "1045" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8258356" + }, + "source": "1040", + "target": "1046" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9046569" + }, + "source": "1040", + "target": "1047" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8210307" + }, + "source": "1040", + "target": "1048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8312737" + }, + "source": "1040", + "target": "1049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9431957" + }, + "source": "1041", + "target": "1042" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91999936" + }, + "source": "1041", + "target": "1043" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9467516" + }, + "source": "1041", + "target": "1044" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95191216" + }, + "source": "1041", + "target": "1045" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9691765" + }, + "source": "1041", + "target": "1046" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9109825" + }, + "source": "1041", + "target": "1047" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93357766" + }, + "source": "1041", + "target": "1048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96584594" + }, + "source": "1041", + "target": "1049" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93634045" + }, + "source": "1042", + "target": "1043" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9370371" + }, + "source": "1042", + "target": "1044" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9513998" + }, + "source": "1042", + "target": "1045" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94180083" + }, + "source": "1042", + "target": "1046" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9204247" + }, + "source": "1042", + "target": "1047" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9761226" + }, + "source": "1042", + "target": "1048" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94612366" + }, + "source": "1042", + "target": "1049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9000995" + }, + "source": "1043", + "target": "1044" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91263604" + }, + "source": "1043", + "target": "1045" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9131808" + }, + "source": "1043", + "target": "1046" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97317004" + }, + "source": "1043", + "target": "1047" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9276419" + }, + "source": "1043", + "target": "1048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9249799" + }, + "source": "1043", + "target": "1049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97339547" + }, + "source": "1044", + "target": "1045" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9115373" + }, + "source": "1044", + "target": "1046" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.910656" + }, + "source": "1044", + "target": "1047" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93758154" + }, + "source": "1044", + "target": "1048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92256963" + }, + "source": "1044", + "target": "1049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93674433" + }, + "source": "1045", + "target": "1046" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90877724" + }, + "source": "1045", + "target": "1047" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94577014" + }, + "source": "1045", + "target": "1048" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9346998" + }, + "source": "1045", + "target": "1049" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8989669" + }, + "source": "1046", + "target": "1047" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9390014" + }, + "source": "1046", + "target": "1048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96288943" + }, + "source": "1046", + "target": "1049" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9254322" + }, + "source": "1047", + "target": "1048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9140025" + }, + "source": "1047", + "target": "1049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96325576" + }, + "source": "1048", + "target": "1049" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7587849" + }, + "source": "1050", + "target": "1051" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75561345" + }, + "source": "1050", + "target": "1056" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82105696" + }, + "source": "1050", + "target": "1058" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7498586" + }, + "source": "1050", + "target": "1059" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8279077" + }, + "source": "1051", + "target": "1053" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7805032" + }, + "source": "1051", + "target": "1054" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80305797" + }, + "source": "1051", + "target": "1055" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.756583" + }, + "source": "1051", + "target": "1056" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82884926" + }, + "source": "1051", + "target": "1057" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8573606" + }, + "source": "1051", + "target": "1058" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8729794" + }, + "source": "1051", + "target": "1059" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7711128" + }, + "source": "1052", + "target": "1053" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8434777" + }, + "source": "1052", + "target": "1054" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7683831" + }, + "source": "1052", + "target": "1055" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83800787" + }, + "source": "1052", + "target": "1056" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77968633" + }, + "source": "1052", + "target": "1057" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80348504" + }, + "source": "1052", + "target": "1058" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77260745" + }, + "source": "1052", + "target": "1059" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8397956" + }, + "source": "1053", + "target": "1055" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80046606" + }, + "source": "1053", + "target": "1056" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84909296" + }, + "source": "1053", + "target": "1057" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8361453" + }, + "source": "1053", + "target": "1058" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8229432" + }, + "source": "1053", + "target": "1059" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80278605" + }, + "source": "1054", + "target": "1055" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76663303" + }, + "source": "1054", + "target": "1056" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79898286" + }, + "source": "1054", + "target": "1057" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.830596" + }, + "source": "1054", + "target": "1058" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79879594" + }, + "source": "1054", + "target": "1059" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77013814" + }, + "source": "1055", + "target": "1056" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79860413" + }, + "source": "1055", + "target": "1057" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8307289" + }, + "source": "1055", + "target": "1058" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8258365" + }, + "source": "1055", + "target": "1059" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7659955" + }, + "source": "1056", + "target": "1057" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84904426" + }, + "source": "1056", + "target": "1058" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7715734" + }, + "source": "1056", + "target": "1059" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80421686" + }, + "source": "1057", + "target": "1058" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82316124" + }, + "source": "1057", + "target": "1059" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83250016" + }, + "source": "1058", + "target": "1059" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88807863" + }, + "source": "1060", + "target": "1061" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8984988" + }, + "source": "1060", + "target": "1062" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8798882" + }, + "source": "1060", + "target": "1063" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8788495" + }, + "source": "1060", + "target": "1064" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8596876" + }, + "source": "1060", + "target": "1065" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88807863" + }, + "source": "1060", + "target": "1066" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8929764" + }, + "source": "1060", + "target": "1067" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89748216" + }, + "source": "1060", + "target": "1068" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7912216" + }, + "source": "1060", + "target": "1069" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.988928" + }, + "source": "1061", + "target": "1062" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9942452" + }, + "source": "1061", + "target": "1063" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9512546" + }, + "source": "1061", + "target": "1064" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9564804" + }, + "source": "1061", + "target": "1065" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0" + }, + "source": "1061", + "target": "1066" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.998218" + }, + "source": "1061", + "target": "1067" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9754125" + }, + "source": "1061", + "target": "1068" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8937273" + }, + "source": "1061", + "target": "1069" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.981421" + }, + "source": "1062", + "target": "1063" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9350405" + }, + "source": "1062", + "target": "1064" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94339234" + }, + "source": "1062", + "target": "1065" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.988928" + }, + "source": "1062", + "target": "1066" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.987455" + }, + "source": "1062", + "target": "1067" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9625812" + }, + "source": "1062", + "target": "1068" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88607985" + }, + "source": "1062", + "target": "1069" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.950002" + }, + "source": "1063", + "target": "1064" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95378506" + }, + "source": "1063", + "target": "1065" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9942452" + }, + "source": "1063", + "target": "1066" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9905063" + }, + "source": "1063", + "target": "1067" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9717462" + }, + "source": "1063", + "target": "1068" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88428736" + }, + "source": "1063", + "target": "1069" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94110906" + }, + "source": "1064", + "target": "1065" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9512546" + }, + "source": "1064", + "target": "1066" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9507929" + }, + "source": "1064", + "target": "1067" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9657024" + }, + "source": "1064", + "target": "1068" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.820907" + }, + "source": "1064", + "target": "1069" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9564805" + }, + "source": "1065", + "target": "1066" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95132995" + }, + "source": "1065", + "target": "1067" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9631375" + }, + "source": "1065", + "target": "1068" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83650804" + }, + "source": "1065", + "target": "1069" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.998218" + }, + "source": "1066", + "target": "1067" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9754125" + }, + "source": "1066", + "target": "1068" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8937273" + }, + "source": "1066", + "target": "1069" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9695362" + }, + "source": "1067", + "target": "1068" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8893907" + }, + "source": "1067", + "target": "1069" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8600855" + }, + "source": "1068", + "target": "1069" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8687161" + }, + "source": "1070", + "target": "1071" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9339826" + }, + "source": "1070", + "target": "1072" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91392803" + }, + "source": "1070", + "target": "1073" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8745234" + }, + "source": "1070", + "target": "1074" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79850674" + }, + "source": "1070", + "target": "1075" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8852291" + }, + "source": "1070", + "target": "1076" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8077159" + }, + "source": "1070", + "target": "1077" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81075853" + }, + "source": "1070", + "target": "1078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90364707" + }, + "source": "1070", + "target": "1079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8725327" + }, + "source": "1071", + "target": "1072" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8859228" + }, + "source": "1071", + "target": "1073" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83397406" + }, + "source": "1071", + "target": "1074" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77899075" + }, + "source": "1071", + "target": "1075" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8608042" + }, + "source": "1071", + "target": "1076" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7956953" + }, + "source": "1071", + "target": "1077" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9232193" + }, + "source": "1071", + "target": "1078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8903788" + }, + "source": "1071", + "target": "1079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91843617" + }, + "source": "1072", + "target": "1073" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8793834" + }, + "source": "1072", + "target": "1074" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8979398" + }, + "source": "1072", + "target": "1076" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8287456" + }, + "source": "1072", + "target": "1077" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8179052" + }, + "source": "1072", + "target": "1078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9223379" + }, + "source": "1072", + "target": "1079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8532398" + }, + "source": "1073", + "target": "1074" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7601967" + }, + "source": "1073", + "target": "1075" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9080591" + }, + "source": "1073", + "target": "1076" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.783149" + }, + "source": "1073", + "target": "1077" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8549553" + }, + "source": "1073", + "target": "1078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.961153" + }, + "source": "1073", + "target": "1079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86639315" + }, + "source": "1074", + "target": "1076" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8554518" + }, + "source": "1074", + "target": "1077" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8046764" + }, + "source": "1074", + "target": "1078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8744645" + }, + "source": "1074", + "target": "1079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7510359" + }, + "source": "1075", + "target": "1079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8022948" + }, + "source": "1076", + "target": "1077" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85273516" + }, + "source": "1076", + "target": "1078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9018442" + }, + "source": "1076", + "target": "1079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7669612" + }, + "source": "1077", + "target": "1078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80048263" + }, + "source": "1077", + "target": "1079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8649342" + }, + "source": "1078", + "target": "1079" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9381274" + }, + "source": "1080", + "target": "1081" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8640702" + }, + "source": "1080", + "target": "1082" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9225091" + }, + "source": "1080", + "target": "1083" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8523068" + }, + "source": "1080", + "target": "1084" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8760017" + }, + "source": "1080", + "target": "1085" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92931545" + }, + "source": "1080", + "target": "1086" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91590726" + }, + "source": "1080", + "target": "1087" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9304366" + }, + "source": "1080", + "target": "1088" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.947948" + }, + "source": "1080", + "target": "1089" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8315315" + }, + "source": "1081", + "target": "1082" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90619683" + }, + "source": "1081", + "target": "1083" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8309372" + }, + "source": "1081", + "target": "1084" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8601372" + }, + "source": "1081", + "target": "1085" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93555474" + }, + "source": "1081", + "target": "1086" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93783516" + }, + "source": "1081", + "target": "1087" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8828653" + }, + "source": "1081", + "target": "1088" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9239641" + }, + "source": "1081", + "target": "1089" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8743073" + }, + "source": "1082", + "target": "1083" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81805855" + }, + "source": "1082", + "target": "1084" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8544633" + }, + "source": "1082", + "target": "1085" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8319428" + }, + "source": "1082", + "target": "1086" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82783246" + }, + "source": "1082", + "target": "1087" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8397065" + }, + "source": "1082", + "target": "1088" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88546145" + }, + "source": "1082", + "target": "1089" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8688388" + }, + "source": "1083", + "target": "1084" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8744825" + }, + "source": "1083", + "target": "1085" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90499276" + }, + "source": "1083", + "target": "1086" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91464263" + }, + "source": "1083", + "target": "1087" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9161866" + }, + "source": "1083", + "target": "1088" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9138403" + }, + "source": "1083", + "target": "1089" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7902875" + }, + "source": "1084", + "target": "1085" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83438015" + }, + "source": "1084", + "target": "1086" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82827663" + }, + "source": "1084", + "target": "1087" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82308716" + }, + "source": "1084", + "target": "1088" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82662463" + }, + "source": "1084", + "target": "1089" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85535747" + }, + "source": "1085", + "target": "1086" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8640524" + }, + "source": "1085", + "target": "1087" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8365767" + }, + "source": "1085", + "target": "1088" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9018936" + }, + "source": "1085", + "target": "1089" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9595216" + }, + "source": "1086", + "target": "1087" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87970364" + }, + "source": "1086", + "target": "1088" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91597205" + }, + "source": "1086", + "target": "1089" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88041663" + }, + "source": "1087", + "target": "1088" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9196794" + }, + "source": "1087", + "target": "1089" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94437146" + }, + "source": "1088", + "target": "1089" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8448185" + }, + "source": "1090", + "target": "1091" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90074176" + }, + "source": "1090", + "target": "1092" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8966116" + }, + "source": "1090", + "target": "1093" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86945224" + }, + "source": "1090", + "target": "1094" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88782" + }, + "source": "1090", + "target": "1097" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90368074" + }, + "source": "1090", + "target": "1098" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9153055" + }, + "source": "1090", + "target": "1099" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86474866" + }, + "source": "1091", + "target": "1092" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8449874" + }, + "source": "1091", + "target": "1093" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82690847" + }, + "source": "1091", + "target": "1094" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7921078" + }, + "source": "1091", + "target": "1097" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89158714" + }, + "source": "1091", + "target": "1098" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89971924" + }, + "source": "1091", + "target": "1099" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85366905" + }, + "source": "1092", + "target": "1093" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8887249" + }, + "source": "1092", + "target": "1094" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8690449" + }, + "source": "1092", + "target": "1097" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8980931" + }, + "source": "1092", + "target": "1098" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90242827" + }, + "source": "1092", + "target": "1099" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85474825" + }, + "source": "1093", + "target": "1094" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8495377" + }, + "source": "1093", + "target": "1097" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9181622" + }, + "source": "1093", + "target": "1098" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94044197" + }, + "source": "1093", + "target": "1099" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8730894" + }, + "source": "1094", + "target": "1097" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8884412" + }, + "source": "1094", + "target": "1098" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9035277" + }, + "source": "1094", + "target": "1099" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85213876" + }, + "source": "1097", + "target": "1098" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86735696" + }, + "source": "1097", + "target": "1099" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9656101" + }, + "source": "1098", + "target": "1099" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83884704" + }, + "source": "1100", + "target": "1101" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83229077" + }, + "source": "1100", + "target": "1102" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9096314" + }, + "source": "1100", + "target": "1103" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82479066" + }, + "source": "1100", + "target": "1106" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84739834" + }, + "source": "1100", + "target": "1108" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8723557" + }, + "source": "1100", + "target": "1109" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80351347" + }, + "source": "1101", + "target": "1102" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8558701" + }, + "source": "1101", + "target": "1103" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76257646" + }, + "source": "1101", + "target": "1106" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83611906" + }, + "source": "1101", + "target": "1108" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8426445" + }, + "source": "1102", + "target": "1103" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7987343" + }, + "source": "1102", + "target": "1106" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76980805" + }, + "source": "1102", + "target": "1108" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77304816" + }, + "source": "1102", + "target": "1109" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85729545" + }, + "source": "1103", + "target": "1106" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8560245" + }, + "source": "1103", + "target": "1108" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.841893" + }, + "source": "1103", + "target": "1109" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75992626" + }, + "source": "1104", + "target": "1105" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7872733" + }, + "source": "1106", + "target": "1108" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7496619" + }, + "source": "1106", + "target": "1109" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8730491" + }, + "source": "1108", + "target": "1109" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9278258" + }, + "source": "1110", + "target": "1111" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8861773" + }, + "source": "1110", + "target": "1112" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93846333" + }, + "source": "1110", + "target": "1113" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7851522" + }, + "source": "1110", + "target": "1114" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8126155" + }, + "source": "1110", + "target": "1115" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79853106" + }, + "source": "1110", + "target": "1116" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94693494" + }, + "source": "1110", + "target": "1118" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93573344" + }, + "source": "1110", + "target": "1119" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8853316" + }, + "source": "1111", + "target": "1112" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.95995367" + }, + "source": "1111", + "target": "1113" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.74800915" + }, + "source": "1111", + "target": "1114" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79300094" + }, + "source": "1111", + "target": "1115" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79332304" + }, + "source": "1111", + "target": "1116" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9538333" + }, + "source": "1111", + "target": "1118" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9471821" + }, + "source": "1111", + "target": "1119" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8873998" + }, + "source": "1112", + "target": "1113" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7763277" + }, + "source": "1112", + "target": "1115" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89005697" + }, + "source": "1112", + "target": "1118" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88428664" + }, + "source": "1112", + "target": "1119" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75812805" + }, + "source": "1113", + "target": "1114" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7921613" + }, + "source": "1113", + "target": "1115" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8173878" + }, + "source": "1113", + "target": "1116" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.957227" + }, + "source": "1113", + "target": "1118" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.96613264" + }, + "source": "1113", + "target": "1119" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7609521" + }, + "source": "1114", + "target": "1116" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7985215" + }, + "source": "1115", + "target": "1118" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78387725" + }, + "source": "1115", + "target": "1119" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78104085" + }, + "source": "1116", + "target": "1118" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78507173" + }, + "source": "1116", + "target": "1119" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94349504" + }, + "source": "1118", + "target": "1119" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90511066" + }, + "source": "1120", + "target": "1121" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8588128" + }, + "source": "1120", + "target": "1122" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9203269" + }, + "source": "1120", + "target": "1123" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91038203" + }, + "source": "1120", + "target": "1124" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9041354" + }, + "source": "1120", + "target": "1125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95492685" + }, + "source": "1120", + "target": "1126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9449369" + }, + "source": "1120", + "target": "1127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9653835" + }, + "source": "1120", + "target": "1128" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9246086" + }, + "source": "1120", + "target": "1129" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74945474" + }, + "source": "1121", + "target": "1122" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86452615" + }, + "source": "1121", + "target": "1123" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8407499" + }, + "source": "1121", + "target": "1124" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8487514" + }, + "source": "1121", + "target": "1125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9114655" + }, + "source": "1121", + "target": "1126" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8826797" + }, + "source": "1121", + "target": "1127" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88153875" + }, + "source": "1121", + "target": "1128" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8707701" + }, + "source": "1121", + "target": "1129" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7708657" + }, + "source": "1122", + "target": "1123" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77380496" + }, + "source": "1122", + "target": "1124" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7680505" + }, + "source": "1122", + "target": "1125" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7982765" + }, + "source": "1122", + "target": "1126" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8076765" + }, + "source": "1122", + "target": "1127" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8136054" + }, + "source": "1122", + "target": "1128" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76005197" + }, + "source": "1122", + "target": "1129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87484837" + }, + "source": "1123", + "target": "1124" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8830729" + }, + "source": "1123", + "target": "1125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9576429" + }, + "source": "1123", + "target": "1126" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9267545" + }, + "source": "1123", + "target": "1127" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9213515" + }, + "source": "1123", + "target": "1128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91970474" + }, + "source": "1123", + "target": "1129" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8687301" + }, + "source": "1124", + "target": "1125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90678936" + }, + "source": "1124", + "target": "1126" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8965162" + }, + "source": "1124", + "target": "1127" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8994883" + }, + "source": "1124", + "target": "1128" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88483095" + }, + "source": "1124", + "target": "1129" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9204967" + }, + "source": "1125", + "target": "1126" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92257106" + }, + "source": "1125", + "target": "1127" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90907896" + }, + "source": "1125", + "target": "1128" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8954409" + }, + "source": "1125", + "target": "1129" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.960636" + }, + "source": "1126", + "target": "1127" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9575484" + }, + "source": "1126", + "target": "1128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95134366" + }, + "source": "1126", + "target": "1129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95745075" + }, + "source": "1127", + "target": "1128" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9503179" + }, + "source": "1127", + "target": "1129" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9380778" + }, + "source": "1128", + "target": "1129" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7577715" + }, + "source": "1130", + "target": "1131" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82462215" + }, + "source": "1130", + "target": "1132" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.764923" + }, + "source": "1130", + "target": "1134" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79294" + }, + "source": "1130", + "target": "1136" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7596487" + }, + "source": "1130", + "target": "1138" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7760301" + }, + "source": "1130", + "target": "1139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7994575" + }, + "source": "1131", + "target": "1133" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7990321" + }, + "source": "1131", + "target": "1134" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7808647" + }, + "source": "1131", + "target": "1135" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.792497" + }, + "source": "1131", + "target": "1137" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8280512" + }, + "source": "1131", + "target": "1138" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77549016" + }, + "source": "1132", + "target": "1133" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7865524" + }, + "source": "1132", + "target": "1134" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78781474" + }, + "source": "1132", + "target": "1136" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76489973" + }, + "source": "1132", + "target": "1137" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77679515" + }, + "source": "1132", + "target": "1138" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8085562" + }, + "source": "1132", + "target": "1139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8629181" + }, + "source": "1133", + "target": "1134" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7636932" + }, + "source": "1133", + "target": "1135" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8885009" + }, + "source": "1133", + "target": "1137" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87515056" + }, + "source": "1133", + "target": "1138" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78523564" + }, + "source": "1133", + "target": "1139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8064208" + }, + "source": "1134", + "target": "1135" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80958617" + }, + "source": "1134", + "target": "1137" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82200235" + }, + "source": "1134", + "target": "1138" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78351414" + }, + "source": "1134", + "target": "1139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7783969" + }, + "source": "1135", + "target": "1137" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77138984" + }, + "source": "1135", + "target": "1139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7573932" + }, + "source": "1136", + "target": "1139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7930458" + }, + "source": "1137", + "target": "1138" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7713744" + }, + "source": "1137", + "target": "1139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90471643" + }, + "source": "1140", + "target": "1141" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.933784" + }, + "source": "1140", + "target": "1142" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95372355" + }, + "source": "1140", + "target": "1143" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94968015" + }, + "source": "1140", + "target": "1144" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9418984" + }, + "source": "1140", + "target": "1145" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88876355" + }, + "source": "1140", + "target": "1146" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89896834" + }, + "source": "1140", + "target": "1147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93790966" + }, + "source": "1140", + "target": "1148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9190912" + }, + "source": "1140", + "target": "1149" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8416361" + }, + "source": "1141", + "target": "1142" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84818256" + }, + "source": "1141", + "target": "1143" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84368646" + }, + "source": "1141", + "target": "1144" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84364104" + }, + "source": "1141", + "target": "1145" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8174733" + }, + "source": "1141", + "target": "1146" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8140993" + }, + "source": "1141", + "target": "1147" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8518261" + }, + "source": "1141", + "target": "1148" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83600223" + }, + "source": "1141", + "target": "1149" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92685896" + }, + "source": "1142", + "target": "1143" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92885506" + }, + "source": "1142", + "target": "1144" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9242747" + }, + "source": "1142", + "target": "1145" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92634785" + }, + "source": "1142", + "target": "1146" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8627256" + }, + "source": "1142", + "target": "1147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9198002" + }, + "source": "1142", + "target": "1148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90126437" + }, + "source": "1142", + "target": "1149" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9513197" + }, + "source": "1143", + "target": "1144" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9395865" + }, + "source": "1143", + "target": "1145" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8719949" + }, + "source": "1143", + "target": "1146" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8849391" + }, + "source": "1143", + "target": "1147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9425063" + }, + "source": "1143", + "target": "1148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90303016" + }, + "source": "1143", + "target": "1149" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9470742" + }, + "source": "1144", + "target": "1145" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88284624" + }, + "source": "1144", + "target": "1146" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8759928" + }, + "source": "1144", + "target": "1147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96332824" + }, + "source": "1144", + "target": "1148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90846026" + }, + "source": "1144", + "target": "1149" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8694416" + }, + "source": "1145", + "target": "1146" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87478024" + }, + "source": "1145", + "target": "1147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9310901" + }, + "source": "1145", + "target": "1148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8991315" + }, + "source": "1145", + "target": "1149" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8512835" + }, + "source": "1146", + "target": "1147" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8723805" + }, + "source": "1146", + "target": "1148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8647847" + }, + "source": "1146", + "target": "1149" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8680203" + }, + "source": "1147", + "target": "1148" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87489605" + }, + "source": "1147", + "target": "1149" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9124605" + }, + "source": "1148", + "target": "1149" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7568837" + }, + "source": "1150", + "target": "1151" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7720326" + }, + "source": "1150", + "target": "1152" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8020651" + }, + "source": "1150", + "target": "1153" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75643945" + }, + "source": "1150", + "target": "1157" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75990623" + }, + "source": "1150", + "target": "1159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78750086" + }, + "source": "1151", + "target": "1152" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87970686" + }, + "source": "1151", + "target": "1153" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8665101" + }, + "source": "1151", + "target": "1158" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8396064" + }, + "source": "1151", + "target": "1159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84263253" + }, + "source": "1152", + "target": "1153" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8249284" + }, + "source": "1152", + "target": "1159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81917465" + }, + "source": "1153", + "target": "1155" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79687166" + }, + "source": "1153", + "target": "1156" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76802886" + }, + "source": "1153", + "target": "1157" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8810088" + }, + "source": "1153", + "target": "1158" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9094299" + }, + "source": "1153", + "target": "1159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7743668" + }, + "source": "1155", + "target": "1156" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75869566" + }, + "source": "1155", + "target": "1157" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78384423" + }, + "source": "1155", + "target": "1158" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77842283" + }, + "source": "1155", + "target": "1159" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75911105" + }, + "source": "1156", + "target": "1158" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8103367" + }, + "source": "1158", + "target": "1159" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9060009" + }, + "source": "1160", + "target": "1161" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9510365" + }, + "source": "1160", + "target": "1162" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89186037" + }, + "source": "1160", + "target": "1163" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9601284" + }, + "source": "1160", + "target": "1164" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9654034" + }, + "source": "1160", + "target": "1165" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8574245" + }, + "source": "1160", + "target": "1166" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97876847" + }, + "source": "1160", + "target": "1167" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9675051" + }, + "source": "1160", + "target": "1168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87001723" + }, + "source": "1160", + "target": "1169" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89524716" + }, + "source": "1161", + "target": "1162" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87192047" + }, + "source": "1161", + "target": "1163" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86498845" + }, + "source": "1161", + "target": "1164" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9155336" + }, + "source": "1161", + "target": "1165" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8681023" + }, + "source": "1161", + "target": "1166" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9270594" + }, + "source": "1161", + "target": "1167" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8765151" + }, + "source": "1161", + "target": "1168" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8503746" + }, + "source": "1161", + "target": "1169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8534492" + }, + "source": "1162", + "target": "1163" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91283524" + }, + "source": "1162", + "target": "1164" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94799167" + }, + "source": "1162", + "target": "1165" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8615465" + }, + "source": "1162", + "target": "1166" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95635176" + }, + "source": "1162", + "target": "1167" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92260635" + }, + "source": "1162", + "target": "1168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8468351" + }, + "source": "1162", + "target": "1169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8477998" + }, + "source": "1163", + "target": "1164" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88842785" + }, + "source": "1163", + "target": "1165" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7973952" + }, + "source": "1163", + "target": "1166" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8943432" + }, + "source": "1163", + "target": "1167" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.864403" + }, + "source": "1163", + "target": "1168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81732494" + }, + "source": "1163", + "target": "1169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9237071" + }, + "source": "1164", + "target": "1165" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8643904" + }, + "source": "1164", + "target": "1166" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9343716" + }, + "source": "1164", + "target": "1167" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9373355" + }, + "source": "1164", + "target": "1168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8435751" + }, + "source": "1164", + "target": "1169" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8990555" + }, + "source": "1165", + "target": "1166" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9723649" + }, + "source": "1165", + "target": "1167" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9326789" + }, + "source": "1165", + "target": "1168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85732037" + }, + "source": "1165", + "target": "1169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8655889" + }, + "source": "1166", + "target": "1167" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8374687" + }, + "source": "1166", + "target": "1168" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78502065" + }, + "source": "1166", + "target": "1169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9435649" + }, + "source": "1167", + "target": "1168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8653388" + }, + "source": "1167", + "target": "1169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84412825" + }, + "source": "1168", + "target": "1169" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7780421" + }, + "source": "1171", + "target": "1174" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7863041" + }, + "source": "1172", + "target": "1178" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8129402" + }, + "source": "1173", + "target": "1175" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89789474" + }, + "source": "1180", + "target": "1181" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94948494" + }, + "source": "1180", + "target": "1182" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9323992" + }, + "source": "1180", + "target": "1183" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8037758" + }, + "source": "1180", + "target": "1184" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83865213" + }, + "source": "1180", + "target": "1185" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9127355" + }, + "source": "1180", + "target": "1186" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7685629" + }, + "source": "1180", + "target": "1187" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9303465" + }, + "source": "1180", + "target": "1188" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91613555" + }, + "source": "1180", + "target": "1189" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89926934" + }, + "source": "1181", + "target": "1182" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9151814" + }, + "source": "1181", + "target": "1183" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78670526" + }, + "source": "1181", + "target": "1185" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8699895" + }, + "source": "1181", + "target": "1186" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91043323" + }, + "source": "1181", + "target": "1188" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9118098" + }, + "source": "1181", + "target": "1189" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9357624" + }, + "source": "1182", + "target": "1183" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8078909" + }, + "source": "1182", + "target": "1185" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8898771" + }, + "source": "1182", + "target": "1186" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92643493" + }, + "source": "1182", + "target": "1188" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.918954" + }, + "source": "1182", + "target": "1189" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7518157" + }, + "source": "1183", + "target": "1184" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7776814" + }, + "source": "1183", + "target": "1185" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9106638" + }, + "source": "1183", + "target": "1186" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.978747" + }, + "source": "1183", + "target": "1188" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9796456" + }, + "source": "1183", + "target": "1189" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8116565" + }, + "source": "1184", + "target": "1186" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75271285" + }, + "source": "1184", + "target": "1188" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75330925" + }, + "source": "1184", + "target": "1189" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76311696" + }, + "source": "1185", + "target": "1186" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7809292" + }, + "source": "1185", + "target": "1188" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90715337" + }, + "source": "1186", + "target": "1188" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9036124" + }, + "source": "1186", + "target": "1189" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.97441673" + }, + "source": "1188", + "target": "1189" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88328743" + }, + "source": "1190", + "target": "1191" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92617774" + }, + "source": "1190", + "target": "1192" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.847165" + }, + "source": "1190", + "target": "1193" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9118147" + }, + "source": "1190", + "target": "1194" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9148737" + }, + "source": "1190", + "target": "1195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92617774" + }, + "source": "1190", + "target": "1196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85394025" + }, + "source": "1190", + "target": "1197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88328743" + }, + "source": "1190", + "target": "1198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85316336" + }, + "source": "1190", + "target": "1199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9632566" + }, + "source": "1191", + "target": "1192" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97726405" + }, + "source": "1191", + "target": "1193" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93688273" + }, + "source": "1191", + "target": "1194" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96861964" + }, + "source": "1191", + "target": "1195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9632566" + }, + "source": "1191", + "target": "1196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.938601" + }, + "source": "1191", + "target": "1197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0" + }, + "source": "1191", + "target": "1198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.949715" + }, + "source": "1191", + "target": "1199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9495151" + }, + "source": "1192", + "target": "1193" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9636875" + }, + "source": "1192", + "target": "1194" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97125673" + }, + "source": "1192", + "target": "1195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "1192", + "target": "1196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94709635" + }, + "source": "1192", + "target": "1197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9632565" + }, + "source": "1192", + "target": "1198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9366654" + }, + "source": "1192", + "target": "1199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9274707" + }, + "source": "1193", + "target": "1194" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9576198" + }, + "source": "1193", + "target": "1195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9495151" + }, + "source": "1193", + "target": "1196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9654385" + }, + "source": "1193", + "target": "1197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9772639" + }, + "source": "1193", + "target": "1198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96476084" + }, + "source": "1193", + "target": "1199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9672771" + }, + "source": "1194", + "target": "1195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9636875" + }, + "source": "1194", + "target": "1196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92348343" + }, + "source": "1194", + "target": "1197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9368826" + }, + "source": "1194", + "target": "1198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9333997" + }, + "source": "1194", + "target": "1199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97125673" + }, + "source": "1195", + "target": "1196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9446006" + }, + "source": "1195", + "target": "1197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96861964" + }, + "source": "1195", + "target": "1198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96396184" + }, + "source": "1195", + "target": "1199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94709635" + }, + "source": "1196", + "target": "1197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9632565" + }, + "source": "1196", + "target": "1198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9366654" + }, + "source": "1196", + "target": "1199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.938601" + }, + "source": "1197", + "target": "1198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95772755" + }, + "source": "1197", + "target": "1199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.949715" + }, + "source": "1198", + "target": "1199" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76488066" + }, + "source": "1201", + "target": "1203" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8211715" + }, + "source": "1201", + "target": "1204" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7544242" + }, + "source": "1201", + "target": "1208" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8430557" + }, + "source": "1201", + "target": "1209" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7642302" + }, + "source": "1202", + "target": "1203" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75907063" + }, + "source": "1202", + "target": "1204" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77397454" + }, + "source": "1202", + "target": "1205" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84426534" + }, + "source": "1202", + "target": "1206" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77419543" + }, + "source": "1202", + "target": "1207" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9061738" + }, + "source": "1202", + "target": "1208" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8109509" + }, + "source": "1202", + "target": "1209" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7701771" + }, + "source": "1203", + "target": "1204" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7823609" + }, + "source": "1203", + "target": "1205" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79283345" + }, + "source": "1203", + "target": "1206" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78797996" + }, + "source": "1203", + "target": "1208" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9076108" + }, + "source": "1203", + "target": "1209" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8106319" + }, + "source": "1204", + "target": "1206" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78664094" + }, + "source": "1204", + "target": "1207" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80096793" + }, + "source": "1204", + "target": "1208" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8236605" + }, + "source": "1204", + "target": "1209" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7742168" + }, + "source": "1205", + "target": "1206" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78821045" + }, + "source": "1205", + "target": "1208" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7615232" + }, + "source": "1205", + "target": "1209" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85864806" + }, + "source": "1206", + "target": "1208" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8365104" + }, + "source": "1206", + "target": "1209" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84182096" + }, + "source": "1208", + "target": "1209" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9043883" + }, + "source": "1210", + "target": "1211" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9005368" + }, + "source": "1210", + "target": "1212" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90039015" + }, + "source": "1210", + "target": "1213" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8436322" + }, + "source": "1210", + "target": "1215" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8119916" + }, + "source": "1210", + "target": "1216" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.754514" + }, + "source": "1210", + "target": "1217" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9141735" + }, + "source": "1210", + "target": "1218" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9078477" + }, + "source": "1210", + "target": "1219" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8728243" + }, + "source": "1211", + "target": "1212" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89279366" + }, + "source": "1211", + "target": "1213" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8304181" + }, + "source": "1211", + "target": "1215" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.805261" + }, + "source": "1211", + "target": "1216" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7637854" + }, + "source": "1211", + "target": "1217" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9358077" + }, + "source": "1211", + "target": "1218" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.922282" + }, + "source": "1211", + "target": "1219" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85103655" + }, + "source": "1212", + "target": "1213" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7798676" + }, + "source": "1212", + "target": "1215" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7765634" + }, + "source": "1212", + "target": "1216" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8587328" + }, + "source": "1212", + "target": "1218" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8408922" + }, + "source": "1212", + "target": "1219" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.819288" + }, + "source": "1213", + "target": "1215" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85786796" + }, + "source": "1213", + "target": "1216" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91477704" + }, + "source": "1213", + "target": "1218" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94778717" + }, + "source": "1213", + "target": "1219" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77391267" + }, + "source": "1215", + "target": "1216" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83606064" + }, + "source": "1215", + "target": "1218" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83106744" + }, + "source": "1215", + "target": "1219" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7580105" + }, + "source": "1216", + "target": "1217" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8078478" + }, + "source": "1216", + "target": "1218" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83607686" + }, + "source": "1216", + "target": "1219" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.752045" + }, + "source": "1217", + "target": "1219" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9287281" + }, + "source": "1218", + "target": "1219" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82154465" + }, + "source": "1220", + "target": "1222" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8568101" + }, + "source": "1220", + "target": "1223" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83278286" + }, + "source": "1220", + "target": "1225" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80898154" + }, + "source": "1220", + "target": "1226" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74985623" + }, + "source": "1220", + "target": "1227" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8023872" + }, + "source": "1220", + "target": "1228" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8265772" + }, + "source": "1220", + "target": "1229" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7621231" + }, + "source": "1221", + "target": "1223" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9096572" + }, + "source": "1221", + "target": "1224" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8316923" + }, + "source": "1221", + "target": "1226" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84481066" + }, + "source": "1222", + "target": "1223" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8514992" + }, + "source": "1222", + "target": "1225" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87094456" + }, + "source": "1222", + "target": "1226" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85600024" + }, + "source": "1222", + "target": "1228" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77772164" + }, + "source": "1222", + "target": "1229" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8460347" + }, + "source": "1223", + "target": "1225" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88749087" + }, + "source": "1223", + "target": "1226" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77392757" + }, + "source": "1223", + "target": "1227" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86758804" + }, + "source": "1223", + "target": "1228" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83751404" + }, + "source": "1223", + "target": "1229" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7613102" + }, + "source": "1224", + "target": "1226" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83565295" + }, + "source": "1225", + "target": "1226" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85825384" + }, + "source": "1225", + "target": "1227" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82163024" + }, + "source": "1225", + "target": "1228" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8843508" + }, + "source": "1225", + "target": "1229" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7721051" + }, + "source": "1226", + "target": "1227" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7840013" + }, + "source": "1226", + "target": "1228" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8258529" + }, + "source": "1226", + "target": "1229" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84260476" + }, + "source": "1227", + "target": "1229" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77165115" + }, + "source": "1228", + "target": "1229" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81880397" + }, + "source": "1231", + "target": "1232" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81910634" + }, + "source": "1231", + "target": "1234" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86598706" + }, + "source": "1231", + "target": "1235" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78533685" + }, + "source": "1231", + "target": "1236" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88524944" + }, + "source": "1231", + "target": "1237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.864488" + }, + "source": "1232", + "target": "1233" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80517775" + }, + "source": "1232", + "target": "1234" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7500113" + }, + "source": "1232", + "target": "1235" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8309488" + }, + "source": "1232", + "target": "1236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81966996" + }, + "source": "1232", + "target": "1237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86065316" + }, + "source": "1232", + "target": "1239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74927425" + }, + "source": "1233", + "target": "1236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7521122" + }, + "source": "1233", + "target": "1237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8459854" + }, + "source": "1233", + "target": "1239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76708984" + }, + "source": "1234", + "target": "1236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7593949" + }, + "source": "1234", + "target": "1237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8517737" + }, + "source": "1235", + "target": "1237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7698932" + }, + "source": "1236", + "target": "1239" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94275343" + }, + "source": "1240", + "target": "1241" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8492987" + }, + "source": "1240", + "target": "1242" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94956315" + }, + "source": "1240", + "target": "1243" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8757057" + }, + "source": "1240", + "target": "1244" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9463239" + }, + "source": "1240", + "target": "1245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8577024" + }, + "source": "1240", + "target": "1246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8671652" + }, + "source": "1240", + "target": "1247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94126606" + }, + "source": "1240", + "target": "1248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8931773" + }, + "source": "1240", + "target": "1249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8042733" + }, + "source": "1241", + "target": "1242" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92764354" + }, + "source": "1241", + "target": "1243" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9049083" + }, + "source": "1241", + "target": "1244" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9754115" + }, + "source": "1241", + "target": "1245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8760213" + }, + "source": "1241", + "target": "1246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8771856" + }, + "source": "1241", + "target": "1247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9389473" + }, + "source": "1241", + "target": "1248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.909955" + }, + "source": "1241", + "target": "1249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8567457" + }, + "source": "1242", + "target": "1243" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8115308" + }, + "source": "1242", + "target": "1244" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8412708" + }, + "source": "1242", + "target": "1245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84244406" + }, + "source": "1242", + "target": "1248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.75147307" + }, + "source": "1242", + "target": "1249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86146075" + }, + "source": "1243", + "target": "1244" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9686263" + }, + "source": "1243", + "target": "1245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8368205" + }, + "source": "1243", + "target": "1246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8577637" + }, + "source": "1243", + "target": "1247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9546875" + }, + "source": "1243", + "target": "1248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8761784" + }, + "source": "1243", + "target": "1249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8779569" + }, + "source": "1244", + "target": "1245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8175862" + }, + "source": "1244", + "target": "1246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.80338603" + }, + "source": "1244", + "target": "1247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91299844" + }, + "source": "1244", + "target": "1248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8468506" + }, + "source": "1244", + "target": "1249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85924375" + }, + "source": "1245", + "target": "1246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87361914" + }, + "source": "1245", + "target": "1247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.961882" + }, + "source": "1245", + "target": "1248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8995687" + }, + "source": "1245", + "target": "1249" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80646414" + }, + "source": "1246", + "target": "1247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8570221" + }, + "source": "1246", + "target": "1248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83297414" + }, + "source": "1246", + "target": "1249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84518147" + }, + "source": "1247", + "target": "1248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8443843" + }, + "source": "1247", + "target": "1249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89038104" + }, + "source": "1248", + "target": "1249" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8591956" + }, + "source": "1250", + "target": "1251" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9254844" + }, + "source": "1250", + "target": "1252" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8822696" + }, + "source": "1250", + "target": "1253" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7780045" + }, + "source": "1250", + "target": "1254" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7947297" + }, + "source": "1250", + "target": "1255" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8370367" + }, + "source": "1250", + "target": "1256" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8000538" + }, + "source": "1250", + "target": "1257" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8766981" + }, + "source": "1250", + "target": "1258" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9285012" + }, + "source": "1250", + "target": "1259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8482299" + }, + "source": "1251", + "target": "1252" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87331545" + }, + "source": "1251", + "target": "1253" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8406167" + }, + "source": "1251", + "target": "1254" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7484709" + }, + "source": "1251", + "target": "1255" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84342754" + }, + "source": "1251", + "target": "1256" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8493997" + }, + "source": "1251", + "target": "1257" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8756285" + }, + "source": "1251", + "target": "1258" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8844985" + }, + "source": "1251", + "target": "1259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8871635" + }, + "source": "1252", + "target": "1253" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7647941" + }, + "source": "1252", + "target": "1254" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81228024" + }, + "source": "1252", + "target": "1255" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79021764" + }, + "source": "1252", + "target": "1256" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7968342" + }, + "source": "1252", + "target": "1257" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86533356" + }, + "source": "1252", + "target": "1258" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9088282" + }, + "source": "1252", + "target": "1259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75420225" + }, + "source": "1253", + "target": "1254" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78493524" + }, + "source": "1253", + "target": "1255" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8327453" + }, + "source": "1253", + "target": "1256" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7672544" + }, + "source": "1253", + "target": "1257" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93635505" + }, + "source": "1253", + "target": "1258" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9299172" + }, + "source": "1253", + "target": "1259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77371275" + }, + "source": "1254", + "target": "1256" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8232846" + }, + "source": "1254", + "target": "1257" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75987816" + }, + "source": "1254", + "target": "1258" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7784345" + }, + "source": "1254", + "target": "1259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7843969" + }, + "source": "1255", + "target": "1258" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7881838" + }, + "source": "1255", + "target": "1259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79978" + }, + "source": "1256", + "target": "1257" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7803254" + }, + "source": "1256", + "target": "1258" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8392737" + }, + "source": "1256", + "target": "1259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79777676" + }, + "source": "1257", + "target": "1259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9297657" + }, + "source": "1258", + "target": "1259" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92412543" + }, + "source": "1260", + "target": "1261" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.847682" + }, + "source": "1260", + "target": "1262" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9262254" + }, + "source": "1260", + "target": "1263" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92891884" + }, + "source": "1260", + "target": "1264" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9267173" + }, + "source": "1260", + "target": "1265" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90035844" + }, + "source": "1260", + "target": "1266" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9209918" + }, + "source": "1260", + "target": "1267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9269308" + }, + "source": "1260", + "target": "1268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9040941" + }, + "source": "1260", + "target": "1269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9130085" + }, + "source": "1261", + "target": "1262" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97955096" + }, + "source": "1261", + "target": "1263" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98371094" + }, + "source": "1261", + "target": "1264" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97733974" + }, + "source": "1261", + "target": "1265" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9616546" + }, + "source": "1261", + "target": "1266" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9728635" + }, + "source": "1261", + "target": "1267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97988534" + }, + "source": "1261", + "target": "1268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96639425" + }, + "source": "1261", + "target": "1269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9108474" + }, + "source": "1262", + "target": "1263" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91808844" + }, + "source": "1262", + "target": "1264" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9132149" + }, + "source": "1262", + "target": "1265" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90280974" + }, + "source": "1262", + "target": "1266" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9082105" + }, + "source": "1262", + "target": "1267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9156196" + }, + "source": "1262", + "target": "1268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.901919" + }, + "source": "1262", + "target": "1269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98671913" + }, + "source": "1263", + "target": "1264" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98062766" + }, + "source": "1263", + "target": "1265" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95928806" + }, + "source": "1263", + "target": "1266" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9742872" + }, + "source": "1263", + "target": "1267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9836225" + }, + "source": "1263", + "target": "1268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97248256" + }, + "source": "1263", + "target": "1269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9851872" + }, + "source": "1264", + "target": "1265" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95660055" + }, + "source": "1264", + "target": "1266" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9809122" + }, + "source": "1264", + "target": "1267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99242127" + }, + "source": "1264", + "target": "1268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96569014" + }, + "source": "1264", + "target": "1269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9564488" + }, + "source": "1265", + "target": "1266" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9726622" + }, + "source": "1265", + "target": "1267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9820632" + }, + "source": "1265", + "target": "1268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96391165" + }, + "source": "1265", + "target": "1269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9480088" + }, + "source": "1266", + "target": "1267" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95605946" + }, + "source": "1266", + "target": "1268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96715975" + }, + "source": "1266", + "target": "1269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97888637" + }, + "source": "1267", + "target": "1268" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9560393" + }, + "source": "1267", + "target": "1269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96545583" + }, + "source": "1268", + "target": "1269" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84156203" + }, + "source": "1270", + "target": "1271" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8123227" + }, + "source": "1270", + "target": "1272" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86621636" + }, + "source": "1270", + "target": "1273" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.78673834" + }, + "source": "1270", + "target": "1274" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85620373" + }, + "source": "1270", + "target": "1275" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86319053" + }, + "source": "1270", + "target": "1276" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85620373" + }, + "source": "1270", + "target": "1277" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8631549" + }, + "source": "1270", + "target": "1278" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86319053" + }, + "source": "1270", + "target": "1279" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9109233" + }, + "source": "1271", + "target": "1272" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9169549" + }, + "source": "1271", + "target": "1273" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8881742" + }, + "source": "1271", + "target": "1274" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96357226" + }, + "source": "1271", + "target": "1275" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93619126" + }, + "source": "1271", + "target": "1276" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96357226" + }, + "source": "1271", + "target": "1277" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92429936" + }, + "source": "1271", + "target": "1278" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93619126" + }, + "source": "1271", + "target": "1279" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9288006" + }, + "source": "1272", + "target": "1273" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9438456" + }, + "source": "1272", + "target": "1274" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.939553" + }, + "source": "1272", + "target": "1275" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96486723" + }, + "source": "1272", + "target": "1276" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.939553" + }, + "source": "1272", + "target": "1277" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9482604" + }, + "source": "1272", + "target": "1278" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96486723" + }, + "source": "1272", + "target": "1279" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88812304" + }, + "source": "1273", + "target": "1274" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96867895" + }, + "source": "1273", + "target": "1275" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9642109" + }, + "source": "1273", + "target": "1276" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96867895" + }, + "source": "1273", + "target": "1277" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98500866" + }, + "source": "1273", + "target": "1278" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9642109" + }, + "source": "1273", + "target": "1279" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89085114" + }, + "source": "1274", + "target": "1275" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9391894" + }, + "source": "1274", + "target": "1276" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89085114" + }, + "source": "1274", + "target": "1277" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9159499" + }, + "source": "1274", + "target": "1278" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9391894" + }, + "source": "1274", + "target": "1279" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9681288" + }, + "source": "1275", + "target": "1276" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9999999" + }, + "source": "1275", + "target": "1277" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9719268" + }, + "source": "1275", + "target": "1278" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9681288" + }, + "source": "1275", + "target": "1279" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9681289" + }, + "source": "1276", + "target": "1277" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9881425" + }, + "source": "1276", + "target": "1278" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99999976" + }, + "source": "1276", + "target": "1279" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9719268" + }, + "source": "1277", + "target": "1278" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9681288" + }, + "source": "1277", + "target": "1279" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9881424" + }, + "source": "1278", + "target": "1279" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87997913" + }, + "source": "1280", + "target": "1281" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89501184" + }, + "source": "1280", + "target": "1282" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9134395" + }, + "source": "1280", + "target": "1283" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85599756" + }, + "source": "1280", + "target": "1285" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7727728" + }, + "source": "1280", + "target": "1286" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90174526" + }, + "source": "1280", + "target": "1288" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.881082" + }, + "source": "1280", + "target": "1289" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92923784" + }, + "source": "1281", + "target": "1282" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.96114564" + }, + "source": "1281", + "target": "1283" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86790323" + }, + "source": "1281", + "target": "1285" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81523806" + }, + "source": "1281", + "target": "1286" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7513465" + }, + "source": "1281", + "target": "1287" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9747813" + }, + "source": "1281", + "target": "1288" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9742211" + }, + "source": "1281", + "target": "1289" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94826317" + }, + "source": "1282", + "target": "1283" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8814174" + }, + "source": "1282", + "target": "1285" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7688099" + }, + "source": "1282", + "target": "1286" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94564974" + }, + "source": "1282", + "target": "1288" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9364766" + }, + "source": "1282", + "target": "1289" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8860664" + }, + "source": "1283", + "target": "1285" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8449141" + }, + "source": "1283", + "target": "1286" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77720445" + }, + "source": "1283", + "target": "1287" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9781998" + }, + "source": "1283", + "target": "1288" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9747342" + }, + "source": "1283", + "target": "1289" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8619665" + }, + "source": "1285", + "target": "1288" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.857653" + }, + "source": "1285", + "target": "1289" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.824785" + }, + "source": "1286", + "target": "1288" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8332838" + }, + "source": "1286", + "target": "1289" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76178515" + }, + "source": "1287", + "target": "1288" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7529297" + }, + "source": "1287", + "target": "1289" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.98669577" + }, + "source": "1288", + "target": "1289" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8301997" + }, + "source": "1291", + "target": "1292" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7856742" + }, + "source": "1291", + "target": "1293" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8441291" + }, + "source": "1291", + "target": "1294" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8463612" + }, + "source": "1291", + "target": "1296" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8893722" + }, + "source": "1291", + "target": "1298" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7700615" + }, + "source": "1292", + "target": "1296" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7779447" + }, + "source": "1292", + "target": "1298" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7986958" + }, + "source": "1293", + "target": "1294" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8351921" + }, + "source": "1293", + "target": "1295" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.757844" + }, + "source": "1293", + "target": "1296" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8068001" + }, + "source": "1293", + "target": "1297" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.759177" + }, + "source": "1293", + "target": "1298" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7752207" + }, + "source": "1294", + "target": "1296" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80137664" + }, + "source": "1294", + "target": "1298" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7814656" + }, + "source": "1296", + "target": "1298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86285746" + }, + "source": "1300", + "target": "1301" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92105895" + }, + "source": "1300", + "target": "1302" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92703426" + }, + "source": "1300", + "target": "1303" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89470565" + }, + "source": "1300", + "target": "1304" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8893747" + }, + "source": "1300", + "target": "1305" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9351" + }, + "source": "1300", + "target": "1306" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9051708" + }, + "source": "1300", + "target": "1307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8598708" + }, + "source": "1300", + "target": "1308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8935962" + }, + "source": "1300", + "target": "1309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8748213" + }, + "source": "1301", + "target": "1302" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8718018" + }, + "source": "1301", + "target": "1303" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8465886" + }, + "source": "1301", + "target": "1304" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8487785" + }, + "source": "1301", + "target": "1305" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87365705" + }, + "source": "1301", + "target": "1306" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8622898" + }, + "source": "1301", + "target": "1307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83605844" + }, + "source": "1301", + "target": "1308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88293266" + }, + "source": "1301", + "target": "1309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9496652" + }, + "source": "1302", + "target": "1303" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92021835" + }, + "source": "1302", + "target": "1304" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9220362" + }, + "source": "1302", + "target": "1305" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9420627" + }, + "source": "1302", + "target": "1306" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9311538" + }, + "source": "1302", + "target": "1307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88999814" + }, + "source": "1302", + "target": "1308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9157733" + }, + "source": "1302", + "target": "1309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93024486" + }, + "source": "1303", + "target": "1304" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93793035" + }, + "source": "1303", + "target": "1305" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9641316" + }, + "source": "1303", + "target": "1306" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95376456" + }, + "source": "1303", + "target": "1307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8893341" + }, + "source": "1303", + "target": "1308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91859114" + }, + "source": "1303", + "target": "1309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90399134" + }, + "source": "1304", + "target": "1305" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.927572" + }, + "source": "1304", + "target": "1306" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9146005" + }, + "source": "1304", + "target": "1307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8711581" + }, + "source": "1304", + "target": "1308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89654726" + }, + "source": "1304", + "target": "1309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93197906" + }, + "source": "1305", + "target": "1306" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9416983" + }, + "source": "1305", + "target": "1307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86558235" + }, + "source": "1305", + "target": "1308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92726654" + }, + "source": "1305", + "target": "1309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94501805" + }, + "source": "1306", + "target": "1307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8755718" + }, + "source": "1306", + "target": "1308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9207431" + }, + "source": "1306", + "target": "1309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8709061" + }, + "source": "1307", + "target": "1308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9193555" + }, + "source": "1307", + "target": "1309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87317294" + }, + "source": "1308", + "target": "1309" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7795841" + }, + "source": "1310", + "target": "1312" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79462373" + }, + "source": "1311", + "target": "1315" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7486038" + }, + "source": "1311", + "target": "1316" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85555136" + }, + "source": "1312", + "target": "1313" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91577655" + }, + "source": "1312", + "target": "1314" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86340153" + }, + "source": "1312", + "target": "1315" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88452756" + }, + "source": "1312", + "target": "1316" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8597546" + }, + "source": "1312", + "target": "1317" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7927807" + }, + "source": "1312", + "target": "1318" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8439933" + }, + "source": "1312", + "target": "1319" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8492335" + }, + "source": "1313", + "target": "1314" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86545205" + }, + "source": "1313", + "target": "1315" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8649245" + }, + "source": "1313", + "target": "1316" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8485472" + }, + "source": "1313", + "target": "1317" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8562517" + }, + "source": "1313", + "target": "1318" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7990698" + }, + "source": "1313", + "target": "1319" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8524602" + }, + "source": "1314", + "target": "1315" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89850485" + }, + "source": "1314", + "target": "1316" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8883048" + }, + "source": "1314", + "target": "1317" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82358396" + }, + "source": "1314", + "target": "1318" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84621894" + }, + "source": "1314", + "target": "1319" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89126897" + }, + "source": "1315", + "target": "1316" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82366383" + }, + "source": "1315", + "target": "1317" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88341236" + }, + "source": "1315", + "target": "1318" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84296846" + }, + "source": "1315", + "target": "1319" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8657998" + }, + "source": "1316", + "target": "1317" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8273589" + }, + "source": "1316", + "target": "1318" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86063623" + }, + "source": "1316", + "target": "1319" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80367494" + }, + "source": "1317", + "target": "1318" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82914156" + }, + "source": "1317", + "target": "1319" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7893294" + }, + "source": "1318", + "target": "1319" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74828225" + }, + "source": "1320", + "target": "1321" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74935687" + }, + "source": "1320", + "target": "1322" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7910085" + }, + "source": "1320", + "target": "1324" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78191924" + }, + "source": "1320", + "target": "1325" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81869674" + }, + "source": "1320", + "target": "1326" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8273525" + }, + "source": "1320", + "target": "1327" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.808679" + }, + "source": "1320", + "target": "1329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8654791" + }, + "source": "1321", + "target": "1325" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81030357" + }, + "source": "1321", + "target": "1327" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75516754" + }, + "source": "1321", + "target": "1328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78764164" + }, + "source": "1322", + "target": "1323" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7484153" + }, + "source": "1322", + "target": "1324" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8007281" + }, + "source": "1322", + "target": "1325" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75456804" + }, + "source": "1322", + "target": "1327" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79214334" + }, + "source": "1322", + "target": "1329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80904603" + }, + "source": "1323", + "target": "1324" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76224923" + }, + "source": "1323", + "target": "1328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91494876" + }, + "source": "1323", + "target": "1329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.771136" + }, + "source": "1324", + "target": "1328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8690701" + }, + "source": "1324", + "target": "1329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.771746" + }, + "source": "1325", + "target": "1326" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86852705" + }, + "source": "1325", + "target": "1327" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7563634" + }, + "source": "1325", + "target": "1329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78998554" + }, + "source": "1326", + "target": "1327" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7754887" + }, + "source": "1327", + "target": "1329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79712963" + }, + "source": "1328", + "target": "1329" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8719834" + }, + "source": "1330", + "target": "1331" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83186185" + }, + "source": "1330", + "target": "1332" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7591578" + }, + "source": "1330", + "target": "1333" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8766992" + }, + "source": "1330", + "target": "1335" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8394563" + }, + "source": "1330", + "target": "1336" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8443744" + }, + "source": "1330", + "target": "1337" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76090276" + }, + "source": "1330", + "target": "1338" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83809996" + }, + "source": "1330", + "target": "1339" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8857113" + }, + "source": "1331", + "target": "1332" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8850104" + }, + "source": "1331", + "target": "1333" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7914536" + }, + "source": "1331", + "target": "1334" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92592865" + }, + "source": "1331", + "target": "1335" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89328164" + }, + "source": "1331", + "target": "1336" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8538474" + }, + "source": "1331", + "target": "1337" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8888304" + }, + "source": "1331", + "target": "1338" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88497996" + }, + "source": "1331", + "target": "1339" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88790435" + }, + "source": "1332", + "target": "1333" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7814802" + }, + "source": "1332", + "target": "1334" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8919362" + }, + "source": "1332", + "target": "1335" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9264684" + }, + "source": "1332", + "target": "1336" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8617341" + }, + "source": "1332", + "target": "1337" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78961945" + }, + "source": "1332", + "target": "1338" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87483215" + }, + "source": "1332", + "target": "1339" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84286755" + }, + "source": "1333", + "target": "1334" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8487238" + }, + "source": "1333", + "target": "1335" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85403717" + }, + "source": "1333", + "target": "1336" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79549325" + }, + "source": "1333", + "target": "1337" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7930198" + }, + "source": "1333", + "target": "1338" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8468224" + }, + "source": "1333", + "target": "1339" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7498369" + }, + "source": "1334", + "target": "1335" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78449136" + }, + "source": "1334", + "target": "1336" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7508353" + }, + "source": "1334", + "target": "1339" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9089135" + }, + "source": "1335", + "target": "1336" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8614066" + }, + "source": "1335", + "target": "1337" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84695387" + }, + "source": "1335", + "target": "1338" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9343642" + }, + "source": "1335", + "target": "1339" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86439824" + }, + "source": "1336", + "target": "1337" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7941288" + }, + "source": "1336", + "target": "1338" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86464226" + }, + "source": "1336", + "target": "1339" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83085954" + }, + "source": "1337", + "target": "1339" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8472369" + }, + "source": "1338", + "target": "1339" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8854259" + }, + "source": "1340", + "target": "1341" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95257586" + }, + "source": "1340", + "target": "1342" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9539625" + }, + "source": "1340", + "target": "1343" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9478935" + }, + "source": "1340", + "target": "1344" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9263881" + }, + "source": "1340", + "target": "1345" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88161457" + }, + "source": "1340", + "target": "1346" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95806" + }, + "source": "1340", + "target": "1347" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.881601" + }, + "source": "1340", + "target": "1348" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9062662" + }, + "source": "1340", + "target": "1349" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93684924" + }, + "source": "1341", + "target": "1342" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93790346" + }, + "source": "1341", + "target": "1343" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9222877" + }, + "source": "1341", + "target": "1344" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9017045" + }, + "source": "1341", + "target": "1345" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85891974" + }, + "source": "1341", + "target": "1346" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9360509" + }, + "source": "1341", + "target": "1347" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85934466" + }, + "source": "1341", + "target": "1348" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.933177" + }, + "source": "1341", + "target": "1349" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9967545" + }, + "source": "1342", + "target": "1343" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98275244" + }, + "source": "1342", + "target": "1344" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9667386" + }, + "source": "1342", + "target": "1345" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92185473" + }, + "source": "1342", + "target": "1346" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9934123" + }, + "source": "1342", + "target": "1347" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89810026" + }, + "source": "1342", + "target": "1348" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9540467" + }, + "source": "1342", + "target": "1349" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98407197" + }, + "source": "1343", + "target": "1344" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9679426" + }, + "source": "1343", + "target": "1345" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92154115" + }, + "source": "1343", + "target": "1346" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9951179" + }, + "source": "1343", + "target": "1347" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9019995" + }, + "source": "1343", + "target": "1348" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9571434" + }, + "source": "1343", + "target": "1349" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9576075" + }, + "source": "1344", + "target": "1345" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9126593" + }, + "source": "1344", + "target": "1346" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9880426" + }, + "source": "1344", + "target": "1347" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89459956" + }, + "source": "1344", + "target": "1348" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93877804" + }, + "source": "1344", + "target": "1349" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88996255" + }, + "source": "1345", + "target": "1346" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96854436" + }, + "source": "1345", + "target": "1347" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87017417" + }, + "source": "1345", + "target": "1348" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92446727" + }, + "source": "1345", + "target": "1349" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9168011" + }, + "source": "1346", + "target": "1347" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.833495" + }, + "source": "1346", + "target": "1348" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8921529" + }, + "source": "1346", + "target": "1349" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9044012" + }, + "source": "1347", + "target": "1348" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95451546" + }, + "source": "1347", + "target": "1349" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8502133" + }, + "source": "1348", + "target": "1349" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9067104" + }, + "source": "1350", + "target": "1351" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90820146" + }, + "source": "1350", + "target": "1352" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9234805" + }, + "source": "1350", + "target": "1353" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8093927" + }, + "source": "1350", + "target": "1354" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8423087" + }, + "source": "1350", + "target": "1355" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7525078" + }, + "source": "1350", + "target": "1356" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75865924" + }, + "source": "1350", + "target": "1357" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91167545" + }, + "source": "1350", + "target": "1358" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9296196" + }, + "source": "1350", + "target": "1359" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9526125" + }, + "source": "1351", + "target": "1352" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.95127547" + }, + "source": "1351", + "target": "1353" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80776787" + }, + "source": "1351", + "target": "1354" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8477218" + }, + "source": "1351", + "target": "1355" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75876397" + }, + "source": "1351", + "target": "1356" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9384653" + }, + "source": "1351", + "target": "1358" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.96496683" + }, + "source": "1351", + "target": "1359" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.966225" + }, + "source": "1352", + "target": "1353" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8317349" + }, + "source": "1352", + "target": "1354" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.840869" + }, + "source": "1352", + "target": "1355" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7682284" + }, + "source": "1352", + "target": "1356" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.96721905" + }, + "source": "1352", + "target": "1358" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.97500086" + }, + "source": "1352", + "target": "1359" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8261057" + }, + "source": "1353", + "target": "1354" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8579165" + }, + "source": "1353", + "target": "1355" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7700051" + }, + "source": "1353", + "target": "1356" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9773737" + }, + "source": "1353", + "target": "1358" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.98742545" + }, + "source": "1353", + "target": "1359" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7563621" + }, + "source": "1354", + "target": "1355" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8176767" + }, + "source": "1354", + "target": "1358" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8292032" + }, + "source": "1354", + "target": "1359" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8411746" + }, + "source": "1355", + "target": "1358" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85062015" + }, + "source": "1355", + "target": "1359" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7590158" + }, + "source": "1356", + "target": "1358" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76526767" + }, + "source": "1356", + "target": "1359" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9798164" + }, + "source": "1358", + "target": "1359" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.77776694" + }, + "source": "1360", + "target": "1361" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7824403" + }, + "source": "1360", + "target": "1362" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.78641504" + }, + "source": "1360", + "target": "1363" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7773591" + }, + "source": "1360", + "target": "1364" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.77632" + }, + "source": "1360", + "target": "1365" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82859606" + }, + "source": "1360", + "target": "1366" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7990936" + }, + "source": "1360", + "target": "1367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7952508" + }, + "source": "1360", + "target": "1368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.76796424" + }, + "source": "1360", + "target": "1369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8874571" + }, + "source": "1361", + "target": "1362" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90553236" + }, + "source": "1361", + "target": "1363" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.885865" + }, + "source": "1361", + "target": "1364" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8780017" + }, + "source": "1361", + "target": "1365" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9325671" + }, + "source": "1361", + "target": "1366" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8915634" + }, + "source": "1361", + "target": "1367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8906592" + }, + "source": "1361", + "target": "1368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.961256" + }, + "source": "1361", + "target": "1369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9296298" + }, + "source": "1362", + "target": "1363" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8881779" + }, + "source": "1362", + "target": "1364" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90995884" + }, + "source": "1362", + "target": "1365" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93540347" + }, + "source": "1362", + "target": "1366" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8842639" + }, + "source": "1362", + "target": "1367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89103526" + }, + "source": "1362", + "target": "1368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.932158" + }, + "source": "1362", + "target": "1369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90954024" + }, + "source": "1363", + "target": "1364" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90538996" + }, + "source": "1363", + "target": "1365" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9482453" + }, + "source": "1363", + "target": "1366" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90889305" + }, + "source": "1363", + "target": "1367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9069077" + }, + "source": "1363", + "target": "1368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8803259" + }, + "source": "1363", + "target": "1369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8971053" + }, + "source": "1364", + "target": "1365" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94831955" + }, + "source": "1364", + "target": "1366" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9578111" + }, + "source": "1364", + "target": "1367" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8903647" + }, + "source": "1364", + "target": "1368" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8522961" + }, + "source": "1364", + "target": "1369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92414856" + }, + "source": "1365", + "target": "1366" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89169484" + }, + "source": "1365", + "target": "1367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88801306" + }, + "source": "1365", + "target": "1368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87602115" + }, + "source": "1365", + "target": "1369" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.939924" + }, + "source": "1366", + "target": "1367" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9424642" + }, + "source": "1366", + "target": "1368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9053377" + }, + "source": "1366", + "target": "1369" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88050973" + }, + "source": "1367", + "target": "1368" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8544924" + }, + "source": "1367", + "target": "1369" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86629725" + }, + "source": "1368", + "target": "1369" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81629455" + }, + "source": "1370", + "target": "1373" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7792454" + }, + "source": "1370", + "target": "1378" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8194703" + }, + "source": "1371", + "target": "1372" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7890482" + }, + "source": "1371", + "target": "1373" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8630934" + }, + "source": "1371", + "target": "1375" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7809204" + }, + "source": "1371", + "target": "1376" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7571111" + }, + "source": "1371", + "target": "1377" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7974646" + }, + "source": "1371", + "target": "1378" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9135581" + }, + "source": "1371", + "target": "1379" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81794083" + }, + "source": "1372", + "target": "1373" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8212806" + }, + "source": "1372", + "target": "1374" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76768476" + }, + "source": "1372", + "target": "1375" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7965103" + }, + "source": "1372", + "target": "1376" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86534595" + }, + "source": "1372", + "target": "1377" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79726744" + }, + "source": "1372", + "target": "1378" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9231178" + }, + "source": "1372", + "target": "1379" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8526486" + }, + "source": "1373", + "target": "1374" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8199519" + }, + "source": "1373", + "target": "1375" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8359697" + }, + "source": "1373", + "target": "1376" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80665696" + }, + "source": "1373", + "target": "1377" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87988734" + }, + "source": "1373", + "target": "1378" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82854116" + }, + "source": "1373", + "target": "1379" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8283237" + }, + "source": "1374", + "target": "1375" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88588595" + }, + "source": "1374", + "target": "1376" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7989923" + }, + "source": "1374", + "target": "1377" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90433705" + }, + "source": "1374", + "target": "1378" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8249198" + }, + "source": "1374", + "target": "1379" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8530706" + }, + "source": "1375", + "target": "1376" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86553645" + }, + "source": "1375", + "target": "1378" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8168193" + }, + "source": "1375", + "target": "1379" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9261438" + }, + "source": "1376", + "target": "1378" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84323883" + }, + "source": "1376", + "target": "1379" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7483436" + }, + "source": "1377", + "target": "1378" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7880431" + }, + "source": "1377", + "target": "1379" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84523094" + }, + "source": "1378", + "target": "1379" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9346538" + }, + "source": "1380", + "target": "1381" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89683497" + }, + "source": "1380", + "target": "1382" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8702904" + }, + "source": "1380", + "target": "1383" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7948697" + }, + "source": "1380", + "target": "1384" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9405215" + }, + "source": "1380", + "target": "1385" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86115336" + }, + "source": "1380", + "target": "1386" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92087173" + }, + "source": "1380", + "target": "1387" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9440764" + }, + "source": "1380", + "target": "1388" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8032219" + }, + "source": "1380", + "target": "1389" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9475886" + }, + "source": "1381", + "target": "1382" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91674006" + }, + "source": "1381", + "target": "1383" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8240647" + }, + "source": "1381", + "target": "1384" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98676354" + }, + "source": "1381", + "target": "1385" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9070549" + }, + "source": "1381", + "target": "1386" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9658911" + }, + "source": "1381", + "target": "1387" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9897431" + }, + "source": "1381", + "target": "1388" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83927274" + }, + "source": "1381", + "target": "1389" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88711596" + }, + "source": "1382", + "target": "1383" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.77992225" + }, + "source": "1382", + "target": "1384" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9510261" + }, + "source": "1382", + "target": "1385" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.878253" + }, + "source": "1382", + "target": "1386" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.923679" + }, + "source": "1382", + "target": "1387" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9532537" + }, + "source": "1382", + "target": "1388" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7947401" + }, + "source": "1382", + "target": "1389" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7898283" + }, + "source": "1383", + "target": "1384" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9311799" + }, + "source": "1383", + "target": "1385" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8615451" + }, + "source": "1383", + "target": "1386" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89946187" + }, + "source": "1383", + "target": "1387" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9340779" + }, + "source": "1383", + "target": "1388" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8089216" + }, + "source": "1383", + "target": "1389" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8271992" + }, + "source": "1384", + "target": "1385" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.74925375" + }, + "source": "1384", + "target": "1386" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8051556" + }, + "source": "1384", + "target": "1387" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83353865" + }, + "source": "1384", + "target": "1388" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8350276" + }, + "source": "1384", + "target": "1389" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91896665" + }, + "source": "1385", + "target": "1386" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97014236" + }, + "source": "1385", + "target": "1387" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99738777" + }, + "source": "1385", + "target": "1388" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84493595" + }, + "source": "1385", + "target": "1389" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8917128" + }, + "source": "1386", + "target": "1387" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92143834" + }, + "source": "1386", + "target": "1388" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7766044" + }, + "source": "1386", + "target": "1389" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9724741" + }, + "source": "1387", + "target": "1388" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8200072" + }, + "source": "1387", + "target": "1389" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85276484" + }, + "source": "1388", + "target": "1389" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.76740074" + }, + "source": "1390", + "target": "1391" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.833601" + }, + "source": "1390", + "target": "1392" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85858977" + }, + "source": "1390", + "target": "1393" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.80101544" + }, + "source": "1390", + "target": "1394" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8681215" + }, + "source": "1390", + "target": "1396" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7964229" + }, + "source": "1390", + "target": "1397" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85632634" + }, + "source": "1390", + "target": "1398" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8583705" + }, + "source": "1390", + "target": "1399" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7834861" + }, + "source": "1391", + "target": "1392" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8990735" + }, + "source": "1392", + "target": "1393" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82313347" + }, + "source": "1392", + "target": "1394" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82266474" + }, + "source": "1392", + "target": "1396" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88243645" + }, + "source": "1392", + "target": "1398" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7998541" + }, + "source": "1392", + "target": "1399" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7756894" + }, + "source": "1393", + "target": "1394" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87692785" + }, + "source": "1393", + "target": "1396" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.79150903" + }, + "source": "1393", + "target": "1397" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92873895" + }, + "source": "1393", + "target": "1398" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8364748" + }, + "source": "1393", + "target": "1399" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7517875" + }, + "source": "1394", + "target": "1396" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7653198" + }, + "source": "1394", + "target": "1398" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7665107" + }, + "source": "1394", + "target": "1399" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8258358" + }, + "source": "1395", + "target": "1399" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7904825" + }, + "source": "1396", + "target": "1397" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88713014" + }, + "source": "1396", + "target": "1398" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8549873" + }, + "source": "1396", + "target": "1399" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7674085" + }, + "source": "1397", + "target": "1398" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7951127" + }, + "source": "1397", + "target": "1399" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82517993" + }, + "source": "1398", + "target": "1399" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95299894" + }, + "source": "1400", + "target": "1401" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94305056" + }, + "source": "1400", + "target": "1402" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9380913" + }, + "source": "1400", + "target": "1403" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93099725" + }, + "source": "1400", + "target": "1404" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9418799" + }, + "source": "1400", + "target": "1405" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.948498" + }, + "source": "1400", + "target": "1407" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9557536" + }, + "source": "1400", + "target": "1408" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.915074" + }, + "source": "1400", + "target": "1409" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9721104" + }, + "source": "1401", + "target": "1402" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93488073" + }, + "source": "1401", + "target": "1403" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9242254" + }, + "source": "1401", + "target": "1404" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9882537" + }, + "source": "1401", + "target": "1405" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.75450516" + }, + "source": "1401", + "target": "1406" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99459624" + }, + "source": "1401", + "target": "1407" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9504827" + }, + "source": "1401", + "target": "1408" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95387805" + }, + "source": "1401", + "target": "1409" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9087311" + }, + "source": "1402", + "target": "1403" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90283656" + }, + "source": "1402", + "target": "1404" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9656435" + }, + "source": "1402", + "target": "1405" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9682351" + }, + "source": "1402", + "target": "1407" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9337256" + }, + "source": "1402", + "target": "1408" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9365624" + }, + "source": "1402", + "target": "1409" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9135159" + }, + "source": "1403", + "target": "1404" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9231709" + }, + "source": "1403", + "target": "1405" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7726084" + }, + "source": "1403", + "target": "1406" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93065035" + }, + "source": "1403", + "target": "1407" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9332035" + }, + "source": "1403", + "target": "1408" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89909846" + }, + "source": "1403", + "target": "1409" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9054908" + }, + "source": "1404", + "target": "1405" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.74925226" + }, + "source": "1404", + "target": "1406" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.912803" + }, + "source": "1404", + "target": "1407" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9347481" + }, + "source": "1404", + "target": "1408" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8879617" + }, + "source": "1404", + "target": "1409" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9878004" + }, + "source": "1405", + "target": "1407" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94064295" + }, + "source": "1405", + "target": "1408" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9599553" + }, + "source": "1405", + "target": "1409" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.75241685" + }, + "source": "1406", + "target": "1407" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9456067" + }, + "source": "1407", + "target": "1408" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95099926" + }, + "source": "1407", + "target": "1409" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92380416" + }, + "source": "1408", + "target": "1409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8161662" + }, + "source": "1411", + "target": "1412" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88696086" + }, + "source": "1411", + "target": "1413" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7668315" + }, + "source": "1411", + "target": "1416" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80179447" + }, + "source": "1411", + "target": "1417" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9154563" + }, + "source": "1411", + "target": "1418" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89434105" + }, + "source": "1411", + "target": "1419" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77659565" + }, + "source": "1412", + "target": "1413" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7763414" + }, + "source": "1412", + "target": "1417" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7920742" + }, + "source": "1412", + "target": "1418" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8123845" + }, + "source": "1412", + "target": "1419" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79819363" + }, + "source": "1413", + "target": "1416" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8008396" + }, + "source": "1413", + "target": "1417" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8752525" + }, + "source": "1413", + "target": "1418" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8838402" + }, + "source": "1413", + "target": "1419" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77905405" + }, + "source": "1416", + "target": "1418" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79075515" + }, + "source": "1416", + "target": "1419" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75948036" + }, + "source": "1417", + "target": "1418" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79626393" + }, + "source": "1417", + "target": "1419" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90255964" + }, + "source": "1418", + "target": "1419" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9047735" + }, + "source": "1420", + "target": "1421" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8703275" + }, + "source": "1420", + "target": "1422" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9325894" + }, + "source": "1420", + "target": "1423" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8927717" + }, + "source": "1420", + "target": "1425" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.831578" + }, + "source": "1420", + "target": "1426" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8915322" + }, + "source": "1420", + "target": "1427" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94867444" + }, + "source": "1420", + "target": "1428" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89299417" + }, + "source": "1420", + "target": "1429" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8704413" + }, + "source": "1421", + "target": "1422" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9549438" + }, + "source": "1421", + "target": "1423" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86007774" + }, + "source": "1421", + "target": "1425" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8468238" + }, + "source": "1421", + "target": "1426" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8439029" + }, + "source": "1421", + "target": "1427" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.96168494" + }, + "source": "1421", + "target": "1428" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9245744" + }, + "source": "1421", + "target": "1429" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86360645" + }, + "source": "1422", + "target": "1423" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81564283" + }, + "source": "1422", + "target": "1425" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.859213" + }, + "source": "1422", + "target": "1426" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8116727" + }, + "source": "1422", + "target": "1427" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86453676" + }, + "source": "1422", + "target": "1428" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83380055" + }, + "source": "1422", + "target": "1429" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89746726" + }, + "source": "1423", + "target": "1425" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8440368" + }, + "source": "1423", + "target": "1426" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8719621" + }, + "source": "1423", + "target": "1427" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.97131205" + }, + "source": "1423", + "target": "1428" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92546225" + }, + "source": "1423", + "target": "1429" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8084109" + }, + "source": "1425", + "target": "1426" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86682576" + }, + "source": "1425", + "target": "1427" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8894063" + }, + "source": "1425", + "target": "1428" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8167239" + }, + "source": "1425", + "target": "1429" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7874377" + }, + "source": "1426", + "target": "1427" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84070265" + }, + "source": "1426", + "target": "1428" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8021376" + }, + "source": "1426", + "target": "1429" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8751184" + }, + "source": "1427", + "target": "1428" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8162844" + }, + "source": "1427", + "target": "1429" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9355744" + }, + "source": "1428", + "target": "1429" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90000975" + }, + "source": "1430", + "target": "1431" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9204124" + }, + "source": "1430", + "target": "1432" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.75106585" + }, + "source": "1430", + "target": "1433" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8831421" + }, + "source": "1430", + "target": "1434" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8608089" + }, + "source": "1430", + "target": "1435" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8494396" + }, + "source": "1430", + "target": "1436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85965335" + }, + "source": "1430", + "target": "1437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8728925" + }, + "source": "1430", + "target": "1438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8695295" + }, + "source": "1430", + "target": "1439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94840443" + }, + "source": "1431", + "target": "1432" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82669115" + }, + "source": "1431", + "target": "1433" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.963601" + }, + "source": "1431", + "target": "1434" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9348179" + }, + "source": "1431", + "target": "1435" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89612997" + }, + "source": "1431", + "target": "1436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9375323" + }, + "source": "1431", + "target": "1437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9443887" + }, + "source": "1431", + "target": "1438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.941863" + }, + "source": "1431", + "target": "1439" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7900301" + }, + "source": "1432", + "target": "1433" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.929595" + }, + "source": "1432", + "target": "1434" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9045927" + }, + "source": "1432", + "target": "1435" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8936449" + }, + "source": "1432", + "target": "1436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9090935" + }, + "source": "1432", + "target": "1437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95968246" + }, + "source": "1432", + "target": "1438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91010296" + }, + "source": "1432", + "target": "1439" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79594946" + }, + "source": "1433", + "target": "1434" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7793919" + }, + "source": "1433", + "target": "1435" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7700185" + }, + "source": "1433", + "target": "1436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.74807787" + }, + "source": "1433", + "target": "1437" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.790047" + }, + "source": "1433", + "target": "1438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7657378" + }, + "source": "1433", + "target": "1439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94735" + }, + "source": "1434", + "target": "1435" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9145783" + }, + "source": "1434", + "target": "1436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9389409" + }, + "source": "1434", + "target": "1437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9473848" + }, + "source": "1434", + "target": "1438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96115243" + }, + "source": "1434", + "target": "1439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8753561" + }, + "source": "1435", + "target": "1436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96084213" + }, + "source": "1435", + "target": "1437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9038187" + }, + "source": "1435", + "target": "1438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770584" + }, + "source": "1435", + "target": "1439" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8726649" + }, + "source": "1436", + "target": "1437" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90132785" + }, + "source": "1436", + "target": "1438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8787362" + }, + "source": "1436", + "target": "1439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9279482" + }, + "source": "1437", + "target": "1438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9665401" + }, + "source": "1437", + "target": "1439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9120891" + }, + "source": "1438", + "target": "1439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8587636" + }, + "source": "1440", + "target": "1441" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7810629" + }, + "source": "1440", + "target": "1442" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81059897" + }, + "source": "1440", + "target": "1443" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7639842" + }, + "source": "1440", + "target": "1444" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8478166" + }, + "source": "1440", + "target": "1445" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.829548" + }, + "source": "1440", + "target": "1446" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81291234" + }, + "source": "1440", + "target": "1447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8131231" + }, + "source": "1440", + "target": "1448" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8385916" + }, + "source": "1440", + "target": "1449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8489026" + }, + "source": "1441", + "target": "1442" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94223773" + }, + "source": "1441", + "target": "1443" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89909315" + }, + "source": "1441", + "target": "1444" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9650802" + }, + "source": "1441", + "target": "1445" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93668914" + }, + "source": "1441", + "target": "1446" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9070097" + }, + "source": "1441", + "target": "1447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9245356" + }, + "source": "1441", + "target": "1448" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95337594" + }, + "source": "1441", + "target": "1449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84549594" + }, + "source": "1442", + "target": "1443" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79678875" + }, + "source": "1442", + "target": "1444" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84571743" + }, + "source": "1442", + "target": "1445" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.867514" + }, + "source": "1442", + "target": "1446" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86685765" + }, + "source": "1442", + "target": "1447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8709705" + }, + "source": "1442", + "target": "1448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84007645" + }, + "source": "1442", + "target": "1449" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8905957" + }, + "source": "1443", + "target": "1444" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93754417" + }, + "source": "1443", + "target": "1445" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9333813" + }, + "source": "1443", + "target": "1446" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.919891" + }, + "source": "1443", + "target": "1447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8903013" + }, + "source": "1443", + "target": "1448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9306902" + }, + "source": "1443", + "target": "1449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9016118" + }, + "source": "1444", + "target": "1445" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89442265" + }, + "source": "1444", + "target": "1446" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8762784" + }, + "source": "1444", + "target": "1447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86093163" + }, + "source": "1444", + "target": "1448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93414056" + }, + "source": "1444", + "target": "1449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9332803" + }, + "source": "1445", + "target": "1446" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9155729" + }, + "source": "1445", + "target": "1447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93073726" + }, + "source": "1445", + "target": "1448" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96646786" + }, + "source": "1445", + "target": "1449" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96316636" + }, + "source": "1446", + "target": "1447" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9075349" + }, + "source": "1446", + "target": "1448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9376539" + }, + "source": "1446", + "target": "1449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8963702" + }, + "source": "1447", + "target": "1448" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9231335" + }, + "source": "1447", + "target": "1449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9242818" + }, + "source": "1448", + "target": "1449" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96392167" + }, + "source": "1450", + "target": "1451" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9664229" + }, + "source": "1450", + "target": "1452" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93663526" + }, + "source": "1450", + "target": "1453" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91278225" + }, + "source": "1450", + "target": "1454" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8574611" + }, + "source": "1450", + "target": "1455" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8752358" + }, + "source": "1450", + "target": "1456" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86031634" + }, + "source": "1450", + "target": "1457" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9325025" + }, + "source": "1450", + "target": "1458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8013451" + }, + "source": "1450", + "target": "1459" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9970989" + }, + "source": "1451", + "target": "1452" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93973345" + }, + "source": "1451", + "target": "1453" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9093051" + }, + "source": "1451", + "target": "1454" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85474825" + }, + "source": "1451", + "target": "1455" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8706296" + }, + "source": "1451", + "target": "1456" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8679075" + }, + "source": "1451", + "target": "1457" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91098344" + }, + "source": "1451", + "target": "1458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8071706" + }, + "source": "1451", + "target": "1459" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93798447" + }, + "source": "1452", + "target": "1453" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91819274" + }, + "source": "1452", + "target": "1454" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8547964" + }, + "source": "1452", + "target": "1455" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87038267" + }, + "source": "1452", + "target": "1456" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8674313" + }, + "source": "1452", + "target": "1457" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9172404" + }, + "source": "1452", + "target": "1458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8060291" + }, + "source": "1452", + "target": "1459" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9006508" + }, + "source": "1453", + "target": "1454" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85097194" + }, + "source": "1453", + "target": "1455" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85901225" + }, + "source": "1453", + "target": "1456" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.846877" + }, + "source": "1453", + "target": "1457" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90895987" + }, + "source": "1453", + "target": "1458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83016586" + }, + "source": "1453", + "target": "1459" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.829157" + }, + "source": "1454", + "target": "1455" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8457425" + }, + "source": "1454", + "target": "1456" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83900946" + }, + "source": "1454", + "target": "1457" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9224253" + }, + "source": "1454", + "target": "1458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78945446" + }, + "source": "1454", + "target": "1459" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8429158" + }, + "source": "1455", + "target": "1456" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8105799" + }, + "source": "1455", + "target": "1457" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82500756" + }, + "source": "1455", + "target": "1458" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7945787" + }, + "source": "1455", + "target": "1459" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8507323" + }, + "source": "1456", + "target": "1457" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.857978" + }, + "source": "1456", + "target": "1458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77592593" + }, + "source": "1456", + "target": "1459" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8438643" + }, + "source": "1457", + "target": "1458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7645371" + }, + "source": "1457", + "target": "1459" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78970623" + }, + "source": "1458", + "target": "1459" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8949604" + }, + "source": "1460", + "target": "1461" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8382638" + }, + "source": "1460", + "target": "1462" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80094326" + }, + "source": "1460", + "target": "1463" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83490694" + }, + "source": "1460", + "target": "1464" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8542535" + }, + "source": "1460", + "target": "1466" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9373492" + }, + "source": "1460", + "target": "1467" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8222116" + }, + "source": "1460", + "target": "1468" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8585083" + }, + "source": "1460", + "target": "1469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8693309" + }, + "source": "1461", + "target": "1462" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8216962" + }, + "source": "1461", + "target": "1463" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89063096" + }, + "source": "1461", + "target": "1464" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8753201" + }, + "source": "1461", + "target": "1466" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9320276" + }, + "source": "1461", + "target": "1467" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8541425" + }, + "source": "1461", + "target": "1468" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87363327" + }, + "source": "1461", + "target": "1469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8165829" + }, + "source": "1462", + "target": "1463" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8507793" + }, + "source": "1462", + "target": "1464" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8594775" + }, + "source": "1462", + "target": "1465" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83438987" + }, + "source": "1462", + "target": "1466" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86378276" + }, + "source": "1462", + "target": "1467" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95139396" + }, + "source": "1462", + "target": "1468" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9460744" + }, + "source": "1462", + "target": "1469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7920071" + }, + "source": "1463", + "target": "1464" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8635921" + }, + "source": "1463", + "target": "1466" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81986797" + }, + "source": "1463", + "target": "1467" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83062047" + }, + "source": "1463", + "target": "1468" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7993434" + }, + "source": "1463", + "target": "1469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77952564" + }, + "source": "1464", + "target": "1465" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8253634" + }, + "source": "1464", + "target": "1466" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8896021" + }, + "source": "1464", + "target": "1467" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.833573" + }, + "source": "1464", + "target": "1468" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89503485" + }, + "source": "1464", + "target": "1469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7738565" + }, + "source": "1465", + "target": "1467" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8414564" + }, + "source": "1465", + "target": "1468" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84355164" + }, + "source": "1465", + "target": "1469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83066" + }, + "source": "1466", + "target": "1467" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85174155" + }, + "source": "1466", + "target": "1468" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8349634" + }, + "source": "1466", + "target": "1469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8174958" + }, + "source": "1467", + "target": "1468" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89031893" + }, + "source": "1467", + "target": "1469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90338427" + }, + "source": "1468", + "target": "1469" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86573815" + }, + "source": "1470", + "target": "1471" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.859344" + }, + "source": "1470", + "target": "1472" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8532115" + }, + "source": "1470", + "target": "1473" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8201799" + }, + "source": "1470", + "target": "1474" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87240195" + }, + "source": "1470", + "target": "1475" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8310977" + }, + "source": "1470", + "target": "1476" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81852055" + }, + "source": "1470", + "target": "1477" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8532115" + }, + "source": "1470", + "target": "1478" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8201799" + }, + "source": "1470", + "target": "1479" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9914529" + }, + "source": "1471", + "target": "1472" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99221563" + }, + "source": "1471", + "target": "1473" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770297" + }, + "source": "1471", + "target": "1474" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9842351" + }, + "source": "1471", + "target": "1475" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9754063" + }, + "source": "1471", + "target": "1476" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96386653" + }, + "source": "1471", + "target": "1477" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99221563" + }, + "source": "1471", + "target": "1478" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770297" + }, + "source": "1471", + "target": "1479" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98822963" + }, + "source": "1472", + "target": "1473" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97476196" + }, + "source": "1472", + "target": "1474" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98828787" + }, + "source": "1472", + "target": "1475" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96804065" + }, + "source": "1472", + "target": "1476" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97637916" + }, + "source": "1472", + "target": "1477" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98822963" + }, + "source": "1472", + "target": "1478" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97476196" + }, + "source": "1472", + "target": "1479" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9799715" + }, + "source": "1473", + "target": "1474" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9863028" + }, + "source": "1473", + "target": "1475" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9741429" + }, + "source": "1473", + "target": "1476" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9694549" + }, + "source": "1473", + "target": "1477" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "1473", + "target": "1478" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9799715" + }, + "source": "1473", + "target": "1479" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9635395" + }, + "source": "1474", + "target": "1475" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98946893" + }, + "source": "1474", + "target": "1476" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.988116" + }, + "source": "1474", + "target": "1477" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9799715" + }, + "source": "1474", + "target": "1478" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99999964" + }, + "source": "1474", + "target": "1479" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96027863" + }, + "source": "1475", + "target": "1476" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9651933" + }, + "source": "1475", + "target": "1477" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.986303" + }, + "source": "1475", + "target": "1478" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9635396" + }, + "source": "1475", + "target": "1479" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9717629" + }, + "source": "1476", + "target": "1477" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.974143" + }, + "source": "1476", + "target": "1478" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98946905" + }, + "source": "1476", + "target": "1479" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96945506" + }, + "source": "1477", + "target": "1478" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98811615" + }, + "source": "1477", + "target": "1479" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9799715" + }, + "source": "1478", + "target": "1479" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85600084" + }, + "source": "1480", + "target": "1481" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7908806" + }, + "source": "1480", + "target": "1482" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8827926" + }, + "source": "1480", + "target": "1485" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.830349" + }, + "source": "1480", + "target": "1487" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83718395" + }, + "source": "1480", + "target": "1488" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9031967" + }, + "source": "1480", + "target": "1489" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88773465" + }, + "source": "1481", + "target": "1482" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77705" + }, + "source": "1481", + "target": "1483" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77829146" + }, + "source": "1481", + "target": "1484" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89779425" + }, + "source": "1481", + "target": "1485" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78321284" + }, + "source": "1481", + "target": "1486" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9012376" + }, + "source": "1481", + "target": "1487" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90140796" + }, + "source": "1481", + "target": "1488" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9589832" + }, + "source": "1481", + "target": "1489" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7924229" + }, + "source": "1482", + "target": "1483" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76908684" + }, + "source": "1482", + "target": "1484" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8984392" + }, + "source": "1482", + "target": "1485" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83173" + }, + "source": "1482", + "target": "1486" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83574414" + }, + "source": "1482", + "target": "1487" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9168953" + }, + "source": "1482", + "target": "1488" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8648947" + }, + "source": "1482", + "target": "1489" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7950889" + }, + "source": "1483", + "target": "1485" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7696775" + }, + "source": "1483", + "target": "1486" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74965703" + }, + "source": "1483", + "target": "1487" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8092071" + }, + "source": "1483", + "target": "1488" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7714867" + }, + "source": "1483", + "target": "1489" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7996421" + }, + "source": "1484", + "target": "1485" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7748272" + }, + "source": "1484", + "target": "1488" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7808751" + }, + "source": "1484", + "target": "1489" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7923002" + }, + "source": "1485", + "target": "1486" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.861655" + }, + "source": "1485", + "target": "1487" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9154761" + }, + "source": "1485", + "target": "1488" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90645814" + }, + "source": "1485", + "target": "1489" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7478843" + }, + "source": "1486", + "target": "1487" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7861614" + }, + "source": "1486", + "target": "1488" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76219165" + }, + "source": "1486", + "target": "1489" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8702868" + }, + "source": "1487", + "target": "1488" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8682351" + }, + "source": "1487", + "target": "1489" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9058722" + }, + "source": "1488", + "target": "1489" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8242018" + }, + "source": "1490", + "target": "1493" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8333163" + }, + "source": "1490", + "target": "1494" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75990564" + }, + "source": "1490", + "target": "1495" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8208356" + }, + "source": "1490", + "target": "1496" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7687882" + }, + "source": "1490", + "target": "1498" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7967489" + }, + "source": "1490", + "target": "1499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7577734" + }, + "source": "1491", + "target": "1492" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7726556" + }, + "source": "1491", + "target": "1493" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87484413" + }, + "source": "1491", + "target": "1494" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.899961" + }, + "source": "1491", + "target": "1495" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84528863" + }, + "source": "1491", + "target": "1496" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8737338" + }, + "source": "1491", + "target": "1497" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8674638" + }, + "source": "1491", + "target": "1498" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8638719" + }, + "source": "1491", + "target": "1499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8207715" + }, + "source": "1492", + "target": "1494" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78408694" + }, + "source": "1492", + "target": "1495" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81543934" + }, + "source": "1492", + "target": "1496" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.760435" + }, + "source": "1492", + "target": "1497" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9049219" + }, + "source": "1493", + "target": "1494" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.804515" + }, + "source": "1493", + "target": "1495" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8917236" + }, + "source": "1493", + "target": "1496" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82891434" + }, + "source": "1493", + "target": "1497" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7922236" + }, + "source": "1493", + "target": "1498" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.920612" + }, + "source": "1493", + "target": "1499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9136028" + }, + "source": "1494", + "target": "1495" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96262264" + }, + "source": "1494", + "target": "1496" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.889678" + }, + "source": "1494", + "target": "1497" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.884598" + }, + "source": "1494", + "target": "1498" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9057089" + }, + "source": "1494", + "target": "1499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8962738" + }, + "source": "1495", + "target": "1496" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8906601" + }, + "source": "1495", + "target": "1497" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9239687" + }, + "source": "1495", + "target": "1498" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.840177" + }, + "source": "1495", + "target": "1499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8751708" + }, + "source": "1496", + "target": "1497" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85394794" + }, + "source": "1496", + "target": "1498" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90154874" + }, + "source": "1496", + "target": "1499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83843756" + }, + "source": "1497", + "target": "1498" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8605352" + }, + "source": "1497", + "target": "1499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8400457" + }, + "source": "1498", + "target": "1499" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8380269" + }, + "source": "1500", + "target": "1502" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7769531" + }, + "source": "1500", + "target": "1503" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77702725" + }, + "source": "1500", + "target": "1505" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8757889" + }, + "source": "1500", + "target": "1509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8163921" + }, + "source": "1501", + "target": "1502" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8118073" + }, + "source": "1501", + "target": "1503" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83925194" + }, + "source": "1501", + "target": "1504" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8318699" + }, + "source": "1501", + "target": "1506" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7784713" + }, + "source": "1501", + "target": "1507" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8037181" + }, + "source": "1501", + "target": "1508" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82426465" + }, + "source": "1501", + "target": "1509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7752632" + }, + "source": "1502", + "target": "1503" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7963548" + }, + "source": "1502", + "target": "1504" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8178147" + }, + "source": "1502", + "target": "1505" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8056606" + }, + "source": "1502", + "target": "1506" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8112104" + }, + "source": "1502", + "target": "1508" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89807606" + }, + "source": "1502", + "target": "1509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76231426" + }, + "source": "1503", + "target": "1506" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7757951" + }, + "source": "1503", + "target": "1508" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8607302" + }, + "source": "1503", + "target": "1509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8392091" + }, + "source": "1504", + "target": "1506" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82724726" + }, + "source": "1504", + "target": "1507" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7658014" + }, + "source": "1504", + "target": "1508" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79815626" + }, + "source": "1504", + "target": "1509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81153464" + }, + "source": "1505", + "target": "1509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8201129" + }, + "source": "1506", + "target": "1507" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7620065" + }, + "source": "1506", + "target": "1508" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8001299" + }, + "source": "1506", + "target": "1509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7972958" + }, + "source": "1508", + "target": "1509" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8753346" + }, + "source": "1510", + "target": "1511" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89153606" + }, + "source": "1510", + "target": "1512" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8369196" + }, + "source": "1510", + "target": "1513" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85679525" + }, + "source": "1510", + "target": "1514" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8940923" + }, + "source": "1510", + "target": "1515" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90222764" + }, + "source": "1510", + "target": "1516" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8819814" + }, + "source": "1510", + "target": "1517" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8819456" + }, + "source": "1510", + "target": "1518" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.871228" + }, + "source": "1510", + "target": "1519" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9421528" + }, + "source": "1511", + "target": "1512" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8968462" + }, + "source": "1511", + "target": "1513" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9533085" + }, + "source": "1511", + "target": "1514" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9214437" + }, + "source": "1511", + "target": "1515" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92392635" + }, + "source": "1511", + "target": "1516" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9482018" + }, + "source": "1511", + "target": "1517" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93406403" + }, + "source": "1511", + "target": "1518" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87957555" + }, + "source": "1511", + "target": "1519" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8952999" + }, + "source": "1512", + "target": "1513" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9164648" + }, + "source": "1512", + "target": "1514" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.949078" + }, + "source": "1512", + "target": "1515" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9458097" + }, + "source": "1512", + "target": "1516" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9355217" + }, + "source": "1512", + "target": "1517" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9393629" + }, + "source": "1512", + "target": "1518" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8994696" + }, + "source": "1512", + "target": "1519" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8798132" + }, + "source": "1513", + "target": "1514" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.905746" + }, + "source": "1513", + "target": "1515" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8697477" + }, + "source": "1513", + "target": "1516" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8909482" + }, + "source": "1513", + "target": "1517" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9189254" + }, + "source": "1513", + "target": "1518" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8381972" + }, + "source": "1513", + "target": "1519" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9025049" + }, + "source": "1514", + "target": "1515" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9133987" + }, + "source": "1514", + "target": "1516" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8958429" + }, + "source": "1514", + "target": "1517" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9278317" + }, + "source": "1514", + "target": "1518" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85630774" + }, + "source": "1514", + "target": "1519" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9309304" + }, + "source": "1515", + "target": "1516" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93698376" + }, + "source": "1515", + "target": "1517" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9244784" + }, + "source": "1515", + "target": "1518" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8913411" + }, + "source": "1515", + "target": "1519" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9209907" + }, + "source": "1516", + "target": "1517" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9075873" + }, + "source": "1516", + "target": "1518" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9322331" + }, + "source": "1516", + "target": "1519" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9063885" + }, + "source": "1517", + "target": "1518" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88048506" + }, + "source": "1517", + "target": "1519" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8889375" + }, + "source": "1518", + "target": "1519" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92667943" + }, + "source": "1520", + "target": "1521" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97982246" + }, + "source": "1520", + "target": "1522" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94800544" + }, + "source": "1520", + "target": "1523" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.818374" + }, + "source": "1520", + "target": "1524" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97864765" + }, + "source": "1520", + "target": "1525" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8304049" + }, + "source": "1520", + "target": "1526" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9681449" + }, + "source": "1520", + "target": "1527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9677838" + }, + "source": "1520", + "target": "1528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97982246" + }, + "source": "1520", + "target": "1529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90665084" + }, + "source": "1521", + "target": "1522" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9872043" + }, + "source": "1521", + "target": "1523" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.75686455" + }, + "source": "1521", + "target": "1524" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.903821" + }, + "source": "1521", + "target": "1525" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9211354" + }, + "source": "1521", + "target": "1526" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8961239" + }, + "source": "1521", + "target": "1527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89038694" + }, + "source": "1521", + "target": "1528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90665084" + }, + "source": "1521", + "target": "1529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92420423" + }, + "source": "1522", + "target": "1523" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8217436" + }, + "source": "1522", + "target": "1524" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9894451" + }, + "source": "1522", + "target": "1525" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.873368" + }, + "source": "1522", + "target": "1526" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9882493" + }, + "source": "1522", + "target": "1527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99226594" + }, + "source": "1522", + "target": "1528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9999998" + }, + "source": "1522", + "target": "1529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.77259326" + }, + "source": "1523", + "target": "1524" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9206203" + }, + "source": "1523", + "target": "1525" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89451575" + }, + "source": "1523", + "target": "1526" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91280353" + }, + "source": "1523", + "target": "1527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9100884" + }, + "source": "1523", + "target": "1528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92420423" + }, + "source": "1523", + "target": "1529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83168507" + }, + "source": "1524", + "target": "1525" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81279147" + }, + "source": "1524", + "target": "1527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82142633" + }, + "source": "1524", + "target": "1528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82174367" + }, + "source": "1524", + "target": "1529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8528029" + }, + "source": "1525", + "target": "1526" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9941428" + }, + "source": "1525", + "target": "1527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9862119" + }, + "source": "1525", + "target": "1528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98944485" + }, + "source": "1525", + "target": "1529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86580086" + }, + "source": "1526", + "target": "1527" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8770895" + }, + "source": "1526", + "target": "1528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.873368" + }, + "source": "1526", + "target": "1529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98751444" + }, + "source": "1527", + "target": "1528" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9882492" + }, + "source": "1527", + "target": "1529" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9922659" + }, + "source": "1528", + "target": "1529" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8270455" + }, + "source": "1530", + "target": "1531" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86790407" + }, + "source": "1530", + "target": "1532" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9154862" + }, + "source": "1530", + "target": "1533" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7907855" + }, + "source": "1530", + "target": "1535" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7910012" + }, + "source": "1530", + "target": "1536" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79368436" + }, + "source": "1530", + "target": "1537" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9191127" + }, + "source": "1530", + "target": "1538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9310845" + }, + "source": "1530", + "target": "1539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79367554" + }, + "source": "1531", + "target": "1532" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88493943" + }, + "source": "1531", + "target": "1533" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.782644" + }, + "source": "1531", + "target": "1534" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7852687" + }, + "source": "1531", + "target": "1536" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7707536" + }, + "source": "1531", + "target": "1537" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8846396" + }, + "source": "1531", + "target": "1538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8733476" + }, + "source": "1531", + "target": "1539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87037957" + }, + "source": "1532", + "target": "1533" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7570529" + }, + "source": "1532", + "target": "1534" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7536036" + }, + "source": "1532", + "target": "1536" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80363554" + }, + "source": "1532", + "target": "1537" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84237605" + }, + "source": "1532", + "target": "1538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8518061" + }, + "source": "1532", + "target": "1539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80798185" + }, + "source": "1533", + "target": "1534" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8061377" + }, + "source": "1533", + "target": "1535" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8327614" + }, + "source": "1533", + "target": "1536" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80847377" + }, + "source": "1533", + "target": "1537" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93060875" + }, + "source": "1533", + "target": "1538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.95803416" + }, + "source": "1533", + "target": "1539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75939626" + }, + "source": "1534", + "target": "1536" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86781013" + }, + "source": "1534", + "target": "1537" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78029835" + }, + "source": "1534", + "target": "1538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77162075" + }, + "source": "1534", + "target": "1539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7737882" + }, + "source": "1535", + "target": "1538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76955706" + }, + "source": "1535", + "target": "1539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8076161" + }, + "source": "1536", + "target": "1538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80631804" + }, + "source": "1536", + "target": "1539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79722154" + }, + "source": "1537", + "target": "1538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7932171" + }, + "source": "1537", + "target": "1539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.95797753" + }, + "source": "1538", + "target": "1539" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7806169" + }, + "source": "1540", + "target": "1544" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8002088" + }, + "source": "1541", + "target": "1542" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8460878" + }, + "source": "1541", + "target": "1543" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7697468" + }, + "source": "1541", + "target": "1544" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80618376" + }, + "source": "1541", + "target": "1545" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8871288" + }, + "source": "1541", + "target": "1546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8384006" + }, + "source": "1541", + "target": "1547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84863424" + }, + "source": "1541", + "target": "1548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8225575" + }, + "source": "1541", + "target": "1549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88927495" + }, + "source": "1542", + "target": "1543" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7945546" + }, + "source": "1542", + "target": "1545" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.836849" + }, + "source": "1542", + "target": "1546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8949865" + }, + "source": "1542", + "target": "1547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8695092" + }, + "source": "1542", + "target": "1549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82103074" + }, + "source": "1543", + "target": "1545" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91371256" + }, + "source": "1543", + "target": "1546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9129659" + }, + "source": "1543", + "target": "1547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7579336" + }, + "source": "1543", + "target": "1548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8947593" + }, + "source": "1543", + "target": "1549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7551235" + }, + "source": "1544", + "target": "1546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7681297" + }, + "source": "1544", + "target": "1547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77097243" + }, + "source": "1544", + "target": "1549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89214855" + }, + "source": "1545", + "target": "1546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79493284" + }, + "source": "1545", + "target": "1547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84121287" + }, + "source": "1545", + "target": "1549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8773991" + }, + "source": "1546", + "target": "1547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7513869" + }, + "source": "1546", + "target": "1548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9101398" + }, + "source": "1546", + "target": "1549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8453772" + }, + "source": "1547", + "target": "1549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7996695" + }, + "source": "1550", + "target": "1552" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8028141" + }, + "source": "1550", + "target": "1553" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8120139" + }, + "source": "1550", + "target": "1554" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7964171" + }, + "source": "1550", + "target": "1555" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7649147" + }, + "source": "1550", + "target": "1556" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81181294" + }, + "source": "1550", + "target": "1558" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8016248" + }, + "source": "1550", + "target": "1559" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7868192" + }, + "source": "1551", + "target": "1552" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7669424" + }, + "source": "1551", + "target": "1553" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78165555" + }, + "source": "1551", + "target": "1554" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8404461" + }, + "source": "1551", + "target": "1555" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7571837" + }, + "source": "1551", + "target": "1556" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75460684" + }, + "source": "1551", + "target": "1557" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78668463" + }, + "source": "1551", + "target": "1558" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8824514" + }, + "source": "1551", + "target": "1559" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7758906" + }, + "source": "1552", + "target": "1553" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7909297" + }, + "source": "1552", + "target": "1554" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9280065" + }, + "source": "1552", + "target": "1555" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76700544" + }, + "source": "1552", + "target": "1556" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.829204" + }, + "source": "1552", + "target": "1558" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8205061" + }, + "source": "1552", + "target": "1559" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8208767" + }, + "source": "1553", + "target": "1554" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8285074" + }, + "source": "1553", + "target": "1555" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82900465" + }, + "source": "1553", + "target": "1556" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7717246" + }, + "source": "1553", + "target": "1557" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9263397" + }, + "source": "1553", + "target": "1558" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86915565" + }, + "source": "1553", + "target": "1559" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8010074" + }, + "source": "1554", + "target": "1555" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7563116" + }, + "source": "1554", + "target": "1556" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8517041" + }, + "source": "1554", + "target": "1557" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8381448" + }, + "source": "1554", + "target": "1558" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80901587" + }, + "source": "1554", + "target": "1559" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7734863" + }, + "source": "1555", + "target": "1556" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8800353" + }, + "source": "1555", + "target": "1558" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8628472" + }, + "source": "1555", + "target": "1559" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8093738" + }, + "source": "1556", + "target": "1558" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8314264" + }, + "source": "1556", + "target": "1559" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7544258" + }, + "source": "1557", + "target": "1558" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75646114" + }, + "source": "1557", + "target": "1559" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8926014" + }, + "source": "1558", + "target": "1559" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.79708326" + }, + "source": "1560", + "target": "1561" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91309774" + }, + "source": "1560", + "target": "1562" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7864281" + }, + "source": "1560", + "target": "1563" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.899768" + }, + "source": "1560", + "target": "1564" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82934" + }, + "source": "1560", + "target": "1565" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8961456" + }, + "source": "1560", + "target": "1566" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7941414" + }, + "source": "1560", + "target": "1567" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90460217" + }, + "source": "1560", + "target": "1568" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74859154" + }, + "source": "1560", + "target": "1569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.901212" + }, + "source": "1561", + "target": "1562" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9568934" + }, + "source": "1561", + "target": "1563" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.79616416" + }, + "source": "1561", + "target": "1564" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9520097" + }, + "source": "1561", + "target": "1565" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96953434" + }, + "source": "1561", + "target": "1567" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81401795" + }, + "source": "1561", + "target": "1569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8842858" + }, + "source": "1562", + "target": "1563" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86064875" + }, + "source": "1562", + "target": "1564" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91468775" + }, + "source": "1562", + "target": "1565" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82233596" + }, + "source": "1562", + "target": "1566" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8848636" + }, + "source": "1562", + "target": "1567" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83577496" + }, + "source": "1562", + "target": "1568" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.79784614" + }, + "source": "1562", + "target": "1569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7510575" + }, + "source": "1563", + "target": "1564" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.933131" + }, + "source": "1563", + "target": "1565" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93885577" + }, + "source": "1563", + "target": "1567" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7964716" + }, + "source": "1563", + "target": "1569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8016126" + }, + "source": "1564", + "target": "1565" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8143984" + }, + "source": "1564", + "target": "1566" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.77249193" + }, + "source": "1564", + "target": "1567" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8283669" + }, + "source": "1564", + "target": "1568" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93583685" + }, + "source": "1565", + "target": "1567" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.76896" + }, + "source": "1565", + "target": "1568" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81364524" + }, + "source": "1565", + "target": "1569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81380135" + }, + "source": "1566", + "target": "1568" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8040694" + }, + "source": "1567", + "target": "1569" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8419454" + }, + "source": "1570", + "target": "1571" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8459625" + }, + "source": "1570", + "target": "1572" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8423776" + }, + "source": "1570", + "target": "1573" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84656787" + }, + "source": "1570", + "target": "1575" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91220254" + }, + "source": "1570", + "target": "1578" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92360556" + }, + "source": "1570", + "target": "1579" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85354817" + }, + "source": "1571", + "target": "1572" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9278182" + }, + "source": "1571", + "target": "1573" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81859744" + }, + "source": "1571", + "target": "1575" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8315589" + }, + "source": "1571", + "target": "1578" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8778392" + }, + "source": "1571", + "target": "1579" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.831354" + }, + "source": "1572", + "target": "1573" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8395245" + }, + "source": "1572", + "target": "1575" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8147971" + }, + "source": "1572", + "target": "1578" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8386152" + }, + "source": "1572", + "target": "1579" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8219229" + }, + "source": "1573", + "target": "1575" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8493295" + }, + "source": "1573", + "target": "1578" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9003072" + }, + "source": "1573", + "target": "1579" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80758196" + }, + "source": "1575", + "target": "1578" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80611336" + }, + "source": "1575", + "target": "1579" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9544509" + }, + "source": "1578", + "target": "1579" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8518388" + }, + "source": "1580", + "target": "1581" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7765776" + }, + "source": "1580", + "target": "1582" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.76665163" + }, + "source": "1580", + "target": "1583" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7517827" + }, + "source": "1580", + "target": "1584" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82900333" + }, + "source": "1580", + "target": "1585" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7916193" + }, + "source": "1580", + "target": "1586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.76935524" + }, + "source": "1580", + "target": "1587" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.834567" + }, + "source": "1580", + "target": "1589" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8305723" + }, + "source": "1581", + "target": "1582" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86537814" + }, + "source": "1581", + "target": "1583" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9043517" + }, + "source": "1581", + "target": "1584" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93805444" + }, + "source": "1581", + "target": "1585" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9047681" + }, + "source": "1581", + "target": "1586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92706805" + }, + "source": "1581", + "target": "1587" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7618486" + }, + "source": "1581", + "target": "1588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9469451" + }, + "source": "1581", + "target": "1589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9108412" + }, + "source": "1582", + "target": "1583" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7644591" + }, + "source": "1582", + "target": "1584" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8315823" + }, + "source": "1582", + "target": "1585" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82664764" + }, + "source": "1582", + "target": "1586" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7870571" + }, + "source": "1582", + "target": "1587" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9190324" + }, + "source": "1582", + "target": "1588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84007716" + }, + "source": "1582", + "target": "1589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8176242" + }, + "source": "1583", + "target": "1584" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8844301" + }, + "source": "1583", + "target": "1585" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84358406" + }, + "source": "1583", + "target": "1586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8398715" + }, + "source": "1583", + "target": "1587" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87934124" + }, + "source": "1583", + "target": "1588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91007614" + }, + "source": "1583", + "target": "1589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8559722" + }, + "source": "1584", + "target": "1585" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8825346" + }, + "source": "1584", + "target": "1586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9626303" + }, + "source": "1584", + "target": "1587" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7630955" + }, + "source": "1584", + "target": "1588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90385276" + }, + "source": "1584", + "target": "1589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8768866" + }, + "source": "1585", + "target": "1586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88269114" + }, + "source": "1585", + "target": "1587" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7630656" + }, + "source": "1585", + "target": "1588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9484265" + }, + "source": "1585", + "target": "1589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91295755" + }, + "source": "1586", + "target": "1587" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81285405" + }, + "source": "1586", + "target": "1588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8946719" + }, + "source": "1586", + "target": "1589" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78315383" + }, + "source": "1587", + "target": "1588" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.925825" + }, + "source": "1587", + "target": "1589" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79154205" + }, + "source": "1588", + "target": "1589" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8721165" + }, + "source": "1590", + "target": "1591" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82452095" + }, + "source": "1590", + "target": "1592" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.884506" + }, + "source": "1590", + "target": "1593" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78229374" + }, + "source": "1590", + "target": "1594" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88251364" + }, + "source": "1590", + "target": "1596" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8837154" + }, + "source": "1590", + "target": "1597" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9246905" + }, + "source": "1590", + "target": "1598" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84994036" + }, + "source": "1590", + "target": "1599" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8111429" + }, + "source": "1591", + "target": "1592" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90242696" + }, + "source": "1591", + "target": "1593" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7993734" + }, + "source": "1591", + "target": "1594" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8263532" + }, + "source": "1591", + "target": "1596" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8161968" + }, + "source": "1591", + "target": "1597" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9240335" + }, + "source": "1591", + "target": "1598" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8697574" + }, + "source": "1591", + "target": "1599" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81902605" + }, + "source": "1592", + "target": "1593" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.74831235" + }, + "source": "1592", + "target": "1594" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80492926" + }, + "source": "1592", + "target": "1596" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7683848" + }, + "source": "1592", + "target": "1597" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8246322" + }, + "source": "1592", + "target": "1598" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8011916" + }, + "source": "1592", + "target": "1599" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8348749" + }, + "source": "1593", + "target": "1594" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9090949" + }, + "source": "1593", + "target": "1596" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8527602" + }, + "source": "1593", + "target": "1597" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91958904" + }, + "source": "1593", + "target": "1598" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93278944" + }, + "source": "1593", + "target": "1599" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80387706" + }, + "source": "1594", + "target": "1596" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76379997" + }, + "source": "1594", + "target": "1597" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8237902" + }, + "source": "1594", + "target": "1598" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79870105" + }, + "source": "1594", + "target": "1599" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8414842" + }, + "source": "1596", + "target": "1597" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88194466" + }, + "source": "1596", + "target": "1598" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.879411" + }, + "source": "1596", + "target": "1599" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8493666" + }, + "source": "1597", + "target": "1598" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8267526" + }, + "source": "1597", + "target": "1599" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90510625" + }, + "source": "1598", + "target": "1599" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8391681" + }, + "source": "1600", + "target": "1601" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8101611" + }, + "source": "1600", + "target": "1602" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8577186" + }, + "source": "1600", + "target": "1603" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83443093" + }, + "source": "1600", + "target": "1608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84114236" + }, + "source": "1600", + "target": "1609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84966916" + }, + "source": "1601", + "target": "1602" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9040574" + }, + "source": "1601", + "target": "1603" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75417423" + }, + "source": "1601", + "target": "1604" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7748666" + }, + "source": "1601", + "target": "1606" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9285608" + }, + "source": "1601", + "target": "1608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8972447" + }, + "source": "1601", + "target": "1609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88359606" + }, + "source": "1602", + "target": "1603" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86508" + }, + "source": "1602", + "target": "1608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9003818" + }, + "source": "1602", + "target": "1609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75029016" + }, + "source": "1603", + "target": "1606" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89228284" + }, + "source": "1603", + "target": "1608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9574519" + }, + "source": "1603", + "target": "1609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76948893" + }, + "source": "1604", + "target": "1606" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8189404" + }, + "source": "1604", + "target": "1607" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7550802" + }, + "source": "1606", + "target": "1607" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9183593" + }, + "source": "1608", + "target": "1609" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78549993" + }, + "source": "1610", + "target": "1614" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75696087" + }, + "source": "1610", + "target": "1615" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7992227" + }, + "source": "1611", + "target": "1612" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8212522" + }, + "source": "1611", + "target": "1613" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79215765" + }, + "source": "1611", + "target": "1614" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8295865" + }, + "source": "1611", + "target": "1615" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8125446" + }, + "source": "1611", + "target": "1616" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7533207" + }, + "source": "1611", + "target": "1617" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8364874" + }, + "source": "1611", + "target": "1618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96507883" + }, + "source": "1611", + "target": "1619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8719995" + }, + "source": "1612", + "target": "1613" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8361231" + }, + "source": "1612", + "target": "1614" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9673599" + }, + "source": "1612", + "target": "1615" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8301275" + }, + "source": "1612", + "target": "1616" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86277586" + }, + "source": "1612", + "target": "1617" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8248724" + }, + "source": "1612", + "target": "1618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77950305" + }, + "source": "1612", + "target": "1619" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8799169" + }, + "source": "1613", + "target": "1614" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8957748" + }, + "source": "1613", + "target": "1615" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9042696" + }, + "source": "1613", + "target": "1616" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83370185" + }, + "source": "1613", + "target": "1617" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83511096" + }, + "source": "1613", + "target": "1618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.845321" + }, + "source": "1613", + "target": "1619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8389139" + }, + "source": "1614", + "target": "1615" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8665017" + }, + "source": "1614", + "target": "1616" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81227684" + }, + "source": "1614", + "target": "1617" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86499375" + }, + "source": "1614", + "target": "1618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.810904" + }, + "source": "1614", + "target": "1619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8596841" + }, + "source": "1615", + "target": "1616" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85441697" + }, + "source": "1615", + "target": "1617" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8369385" + }, + "source": "1615", + "target": "1618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.805356" + }, + "source": "1615", + "target": "1619" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8193655" + }, + "source": "1616", + "target": "1617" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8204609" + }, + "source": "1616", + "target": "1618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8335412" + }, + "source": "1616", + "target": "1619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7925526" + }, + "source": "1617", + "target": "1618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7693958" + }, + "source": "1617", + "target": "1619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8461208" + }, + "source": "1618", + "target": "1619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8706678" + }, + "source": "1620", + "target": "1621" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.757475" + }, + "source": "1620", + "target": "1622" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92720664" + }, + "source": "1620", + "target": "1623" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90912706" + }, + "source": "1620", + "target": "1624" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88822114" + }, + "source": "1620", + "target": "1625" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.948913" + }, + "source": "1620", + "target": "1626" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.946208" + }, + "source": "1620", + "target": "1627" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9227304" + }, + "source": "1620", + "target": "1628" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8068607" + }, + "source": "1620", + "target": "1629" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82011914" + }, + "source": "1621", + "target": "1622" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92093647" + }, + "source": "1621", + "target": "1623" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89475775" + }, + "source": "1621", + "target": "1624" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9554169" + }, + "source": "1621", + "target": "1625" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9254338" + }, + "source": "1621", + "target": "1626" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8974159" + }, + "source": "1621", + "target": "1627" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95334053" + }, + "source": "1621", + "target": "1628" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8830803" + }, + "source": "1621", + "target": "1629" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8269675" + }, + "source": "1622", + "target": "1623" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82409537" + }, + "source": "1622", + "target": "1624" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8035605" + }, + "source": "1622", + "target": "1625" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82001555" + }, + "source": "1622", + "target": "1626" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7705742" + }, + "source": "1622", + "target": "1627" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.836564" + }, + "source": "1622", + "target": "1628" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8609997" + }, + "source": "1622", + "target": "1629" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93625295" + }, + "source": "1623", + "target": "1624" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.923705" + }, + "source": "1623", + "target": "1625" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9691231" + }, + "source": "1623", + "target": "1626" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95212114" + }, + "source": "1623", + "target": "1627" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9496461" + }, + "source": "1623", + "target": "1628" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84753644" + }, + "source": "1623", + "target": "1629" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89143527" + }, + "source": "1624", + "target": "1625" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94215417" + }, + "source": "1624", + "target": "1626" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9017513" + }, + "source": "1624", + "target": "1627" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9183811" + }, + "source": "1624", + "target": "1628" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84191906" + }, + "source": "1624", + "target": "1629" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9301788" + }, + "source": "1625", + "target": "1626" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9125898" + }, + "source": "1625", + "target": "1627" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9423021" + }, + "source": "1625", + "target": "1628" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85865283" + }, + "source": "1625", + "target": "1629" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9449266" + }, + "source": "1626", + "target": "1627" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9547553" + }, + "source": "1626", + "target": "1628" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8501951" + }, + "source": "1626", + "target": "1629" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9363518" + }, + "source": "1627", + "target": "1628" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82580674" + }, + "source": "1627", + "target": "1629" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88488615" + }, + "source": "1628", + "target": "1629" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8522618" + }, + "source": "1630", + "target": "1631" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77804637" + }, + "source": "1630", + "target": "1632" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7720423" + }, + "source": "1630", + "target": "1634" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75777864" + }, + "source": "1630", + "target": "1636" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8328365" + }, + "source": "1630", + "target": "1638" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8130145" + }, + "source": "1630", + "target": "1639" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7837808" + }, + "source": "1631", + "target": "1632" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.797905" + }, + "source": "1631", + "target": "1633" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76175654" + }, + "source": "1631", + "target": "1636" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.905964" + }, + "source": "1631", + "target": "1638" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8307132" + }, + "source": "1631", + "target": "1639" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7511068" + }, + "source": "1632", + "target": "1638" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8071048" + }, + "source": "1632", + "target": "1639" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8213959" + }, + "source": "1633", + "target": "1638" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81272835" + }, + "source": "1633", + "target": "1639" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8473894" + }, + "source": "1638", + "target": "1639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9773109" + }, + "source": "1640", + "target": "1641" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8869005" + }, + "source": "1640", + "target": "1642" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9856207" + }, + "source": "1640", + "target": "1643" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9707649" + }, + "source": "1640", + "target": "1644" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.955433" + }, + "source": "1640", + "target": "1645" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9856207" + }, + "source": "1640", + "target": "1646" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8869005" + }, + "source": "1640", + "target": "1647" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9856207" + }, + "source": "1640", + "target": "1648" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9707649" + }, + "source": "1640", + "target": "1649" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92032826" + }, + "source": "1641", + "target": "1642" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9928841" + }, + "source": "1641", + "target": "1643" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9907162" + }, + "source": "1641", + "target": "1644" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96937734" + }, + "source": "1641", + "target": "1645" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9928841" + }, + "source": "1641", + "target": "1646" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92032826" + }, + "source": "1641", + "target": "1647" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9928841" + }, + "source": "1641", + "target": "1648" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9907162" + }, + "source": "1641", + "target": "1649" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90121734" + }, + "source": "1642", + "target": "1643" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9175247" + }, + "source": "1642", + "target": "1644" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8876511" + }, + "source": "1642", + "target": "1645" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90121734" + }, + "source": "1642", + "target": "1646" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9999999" + }, + "source": "1642", + "target": "1647" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90121734" + }, + "source": "1642", + "target": "1648" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9175247" + }, + "source": "1642", + "target": "1649" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98525053" + }, + "source": "1643", + "target": "1644" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97299075" + }, + "source": "1643", + "target": "1645" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000004" + }, + "source": "1643", + "target": "1646" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90121734" + }, + "source": "1643", + "target": "1647" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000004" + }, + "source": "1643", + "target": "1648" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98525053" + }, + "source": "1643", + "target": "1649" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9638145" + }, + "source": "1644", + "target": "1645" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98525053" + }, + "source": "1644", + "target": "1646" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9175247" + }, + "source": "1644", + "target": "1647" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98525053" + }, + "source": "1644", + "target": "1648" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0" + }, + "source": "1644", + "target": "1649" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9729909" + }, + "source": "1645", + "target": "1646" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8876512" + }, + "source": "1645", + "target": "1647" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9729909" + }, + "source": "1645", + "target": "1648" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9638146" + }, + "source": "1645", + "target": "1649" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90121734" + }, + "source": "1646", + "target": "1647" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000004" + }, + "source": "1646", + "target": "1648" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98525053" + }, + "source": "1646", + "target": "1649" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90121734" + }, + "source": "1647", + "target": "1648" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9175247" + }, + "source": "1647", + "target": "1649" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98525053" + }, + "source": "1648", + "target": "1649" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.754863" + }, + "source": "1650", + "target": "1654" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8210802" + }, + "source": "1651", + "target": "1652" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8467873" + }, + "source": "1651", + "target": "1653" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8958986" + }, + "source": "1651", + "target": "1654" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78002346" + }, + "source": "1651", + "target": "1655" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8155637" + }, + "source": "1651", + "target": "1656" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.818485" + }, + "source": "1651", + "target": "1657" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8836976" + }, + "source": "1651", + "target": "1659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7759507" + }, + "source": "1652", + "target": "1653" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7551575" + }, + "source": "1652", + "target": "1654" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85913765" + }, + "source": "1652", + "target": "1656" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80647945" + }, + "source": "1652", + "target": "1658" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8552419" + }, + "source": "1652", + "target": "1659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86525846" + }, + "source": "1653", + "target": "1654" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7955499" + }, + "source": "1653", + "target": "1655" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7632618" + }, + "source": "1653", + "target": "1656" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78428084" + }, + "source": "1653", + "target": "1657" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8764791" + }, + "source": "1653", + "target": "1659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82486653" + }, + "source": "1654", + "target": "1655" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75619155" + }, + "source": "1654", + "target": "1656" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8456724" + }, + "source": "1654", + "target": "1657" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77761805" + }, + "source": "1654", + "target": "1658" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8652498" + }, + "source": "1654", + "target": "1659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82221675" + }, + "source": "1655", + "target": "1657" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8151587" + }, + "source": "1655", + "target": "1659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7489493" + }, + "source": "1656", + "target": "1657" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81667316" + }, + "source": "1656", + "target": "1658" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78052974" + }, + "source": "1656", + "target": "1659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8035164" + }, + "source": "1657", + "target": "1659" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9045585" + }, + "source": "1660", + "target": "1661" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7996235" + }, + "source": "1660", + "target": "1662" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8552885" + }, + "source": "1660", + "target": "1663" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8095089" + }, + "source": "1660", + "target": "1665" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8258612" + }, + "source": "1660", + "target": "1667" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8378489" + }, + "source": "1660", + "target": "1669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9032618" + }, + "source": "1661", + "target": "1662" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.934302" + }, + "source": "1661", + "target": "1663" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8035344" + }, + "source": "1661", + "target": "1664" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8874368" + }, + "source": "1661", + "target": "1665" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84287804" + }, + "source": "1661", + "target": "1666" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88162404" + }, + "source": "1661", + "target": "1667" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7685291" + }, + "source": "1661", + "target": "1668" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9363375" + }, + "source": "1661", + "target": "1669" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8451148" + }, + "source": "1662", + "target": "1663" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.821392" + }, + "source": "1662", + "target": "1665" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75787294" + }, + "source": "1662", + "target": "1666" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8153678" + }, + "source": "1662", + "target": "1667" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8407857" + }, + "source": "1662", + "target": "1669" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8341205" + }, + "source": "1663", + "target": "1665" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78102696" + }, + "source": "1663", + "target": "1666" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82989323" + }, + "source": "1663", + "target": "1667" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93554485" + }, + "source": "1663", + "target": "1669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94729054" + }, + "source": "1664", + "target": "1666" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81710494" + }, + "source": "1664", + "target": "1668" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7579271" + }, + "source": "1664", + "target": "1669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91353834" + }, + "source": "1665", + "target": "1667" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8070121" + }, + "source": "1665", + "target": "1669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84179616" + }, + "source": "1666", + "target": "1668" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7818502" + }, + "source": "1666", + "target": "1669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7910406" + }, + "source": "1667", + "target": "1669" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77844536" + }, + "source": "1670", + "target": "1674" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8321625" + }, + "source": "1670", + "target": "1675" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78226984" + }, + "source": "1670", + "target": "1676" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78246903" + }, + "source": "1670", + "target": "1678" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78858626" + }, + "source": "1671", + "target": "1672" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8805195" + }, + "source": "1671", + "target": "1673" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82987785" + }, + "source": "1671", + "target": "1674" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85437876" + }, + "source": "1671", + "target": "1675" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8599681" + }, + "source": "1671", + "target": "1676" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8328713" + }, + "source": "1671", + "target": "1677" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86676157" + }, + "source": "1671", + "target": "1678" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82781416" + }, + "source": "1671", + "target": "1679" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8154348" + }, + "source": "1672", + "target": "1673" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8315666" + }, + "source": "1672", + "target": "1674" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83570194" + }, + "source": "1672", + "target": "1675" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8433798" + }, + "source": "1672", + "target": "1676" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76940256" + }, + "source": "1672", + "target": "1677" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8349393" + }, + "source": "1672", + "target": "1678" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81851506" + }, + "source": "1672", + "target": "1679" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82809603" + }, + "source": "1673", + "target": "1674" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8488116" + }, + "source": "1673", + "target": "1675" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9136865" + }, + "source": "1673", + "target": "1676" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8360573" + }, + "source": "1673", + "target": "1677" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91629606" + }, + "source": "1673", + "target": "1678" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.858215" + }, + "source": "1673", + "target": "1679" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8645345" + }, + "source": "1674", + "target": "1675" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8729466" + }, + "source": "1674", + "target": "1676" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8004854" + }, + "source": "1674", + "target": "1677" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8832717" + }, + "source": "1674", + "target": "1678" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8115772" + }, + "source": "1674", + "target": "1679" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87450874" + }, + "source": "1675", + "target": "1676" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81557155" + }, + "source": "1675", + "target": "1677" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8930043" + }, + "source": "1675", + "target": "1678" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.851462" + }, + "source": "1675", + "target": "1679" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89687335" + }, + "source": "1676", + "target": "1677" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.918663" + }, + "source": "1676", + "target": "1678" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85355324" + }, + "source": "1676", + "target": "1679" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8502145" + }, + "source": "1677", + "target": "1678" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79977906" + }, + "source": "1677", + "target": "1679" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87368083" + }, + "source": "1678", + "target": "1679" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7796228" + }, + "source": "1680", + "target": "1681" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75145537" + }, + "source": "1680", + "target": "1683" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78029394" + }, + "source": "1680", + "target": "1684" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8238805" + }, + "source": "1680", + "target": "1685" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.787074" + }, + "source": "1680", + "target": "1686" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7753382" + }, + "source": "1680", + "target": "1687" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78913236" + }, + "source": "1680", + "target": "1688" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83952343" + }, + "source": "1681", + "target": "1682" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85592926" + }, + "source": "1681", + "target": "1683" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8201647" + }, + "source": "1681", + "target": "1684" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83854246" + }, + "source": "1681", + "target": "1685" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8282887" + }, + "source": "1681", + "target": "1686" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8215959" + }, + "source": "1681", + "target": "1687" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87280416" + }, + "source": "1681", + "target": "1688" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86740196" + }, + "source": "1681", + "target": "1689" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8449905" + }, + "source": "1682", + "target": "1683" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8450533" + }, + "source": "1682", + "target": "1684" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7874186" + }, + "source": "1682", + "target": "1685" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81318974" + }, + "source": "1682", + "target": "1686" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7616919" + }, + "source": "1682", + "target": "1687" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86639" + }, + "source": "1682", + "target": "1688" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8343048" + }, + "source": "1683", + "target": "1684" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92527694" + }, + "source": "1683", + "target": "1685" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83037263" + }, + "source": "1683", + "target": "1686" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79749787" + }, + "source": "1683", + "target": "1687" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8557197" + }, + "source": "1683", + "target": "1688" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79193777" + }, + "source": "1683", + "target": "1689" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7983569" + }, + "source": "1684", + "target": "1685" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7952633" + }, + "source": "1684", + "target": "1686" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8127136" + }, + "source": "1684", + "target": "1687" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8218479" + }, + "source": "1684", + "target": "1688" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78352475" + }, + "source": "1684", + "target": "1689" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.844785" + }, + "source": "1685", + "target": "1686" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7603322" + }, + "source": "1685", + "target": "1687" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82930005" + }, + "source": "1685", + "target": "1688" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7946279" + }, + "source": "1685", + "target": "1689" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7803035" + }, + "source": "1686", + "target": "1687" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8270509" + }, + "source": "1686", + "target": "1688" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78577924" + }, + "source": "1686", + "target": "1689" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7897879" + }, + "source": "1687", + "target": "1688" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7669208" + }, + "source": "1687", + "target": "1689" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7864911" + }, + "source": "1688", + "target": "1689" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7654177" + }, + "source": "1690", + "target": "1691" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.76449937" + }, + "source": "1690", + "target": "1692" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84345174" + }, + "source": "1690", + "target": "1693" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.826333" + }, + "source": "1690", + "target": "1694" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.79726607" + }, + "source": "1690", + "target": "1695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8390201" + }, + "source": "1690", + "target": "1696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.80488896" + }, + "source": "1690", + "target": "1697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83423316" + }, + "source": "1690", + "target": "1698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7574837" + }, + "source": "1690", + "target": "1699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8033285" + }, + "source": "1691", + "target": "1693" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.75253356" + }, + "source": "1691", + "target": "1694" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.77393246" + }, + "source": "1691", + "target": "1695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8219285" + }, + "source": "1691", + "target": "1696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.76587754" + }, + "source": "1691", + "target": "1697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8113363" + }, + "source": "1691", + "target": "1698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7894224" + }, + "source": "1692", + "target": "1693" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.78546536" + }, + "source": "1692", + "target": "1696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.74798286" + }, + "source": "1692", + "target": "1697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.79793537" + }, + "source": "1692", + "target": "1698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85049295" + }, + "source": "1693", + "target": "1694" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8361897" + }, + "source": "1693", + "target": "1695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8783982" + }, + "source": "1693", + "target": "1696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8252598" + }, + "source": "1693", + "target": "1697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90594256" + }, + "source": "1693", + "target": "1698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7869071" + }, + "source": "1693", + "target": "1699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7816308" + }, + "source": "1694", + "target": "1695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88867515" + }, + "source": "1694", + "target": "1696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89968747" + }, + "source": "1694", + "target": "1697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83539295" + }, + "source": "1694", + "target": "1698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7515289" + }, + "source": "1694", + "target": "1699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83100957" + }, + "source": "1695", + "target": "1696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7517008" + }, + "source": "1695", + "target": "1697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.815183" + }, + "source": "1695", + "target": "1698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7502086" + }, + "source": "1695", + "target": "1699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8557586" + }, + "source": "1696", + "target": "1697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88587296" + }, + "source": "1696", + "target": "1698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.799137" + }, + "source": "1696", + "target": "1699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83469665" + }, + "source": "1697", + "target": "1698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8132664" + }, + "source": "1698", + "target": "1699" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7614483" + }, + "source": "1700", + "target": "1701" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87123674" + }, + "source": "1700", + "target": "1702" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7636134" + }, + "source": "1700", + "target": "1704" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7586193" + }, + "source": "1700", + "target": "1708" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8215776" + }, + "source": "1701", + "target": "1702" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83215785" + }, + "source": "1701", + "target": "1708" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7649944" + }, + "source": "1702", + "target": "1704" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8041642" + }, + "source": "1702", + "target": "1708" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83451533" + }, + "source": "1704", + "target": "1707" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75238574" + }, + "source": "1708", + "target": "1709" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8849009" + }, + "source": "1710", + "target": "1711" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9452048" + }, + "source": "1710", + "target": "1712" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8273636" + }, + "source": "1710", + "target": "1713" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93084085" + }, + "source": "1710", + "target": "1714" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8862512" + }, + "source": "1710", + "target": "1715" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.957188" + }, + "source": "1710", + "target": "1716" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81646574" + }, + "source": "1710", + "target": "1717" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8762992" + }, + "source": "1710", + "target": "1718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8379375" + }, + "source": "1710", + "target": "1719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85189" + }, + "source": "1711", + "target": "1712" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8215366" + }, + "source": "1711", + "target": "1713" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9224655" + }, + "source": "1711", + "target": "1714" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85539925" + }, + "source": "1711", + "target": "1715" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9197309" + }, + "source": "1711", + "target": "1716" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.78956175" + }, + "source": "1711", + "target": "1717" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88363767" + }, + "source": "1711", + "target": "1718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8282499" + }, + "source": "1711", + "target": "1719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81835425" + }, + "source": "1712", + "target": "1713" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9077821" + }, + "source": "1712", + "target": "1714" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91012144" + }, + "source": "1712", + "target": "1715" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93184566" + }, + "source": "1712", + "target": "1716" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8225446" + }, + "source": "1712", + "target": "1717" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8554541" + }, + "source": "1712", + "target": "1718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83134055" + }, + "source": "1712", + "target": "1719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8532016" + }, + "source": "1713", + "target": "1714" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8704566" + }, + "source": "1713", + "target": "1715" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.845849" + }, + "source": "1713", + "target": "1716" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8962676" + }, + "source": "1713", + "target": "1717" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9001155" + }, + "source": "1713", + "target": "1718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91636467" + }, + "source": "1713", + "target": "1719" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8944181" + }, + "source": "1714", + "target": "1715" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9662162" + }, + "source": "1714", + "target": "1716" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83599234" + }, + "source": "1714", + "target": "1717" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9345702" + }, + "source": "1714", + "target": "1718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86326027" + }, + "source": "1714", + "target": "1719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89297456" + }, + "source": "1715", + "target": "1716" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86397696" + }, + "source": "1715", + "target": "1717" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85009384" + }, + "source": "1715", + "target": "1718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8956753" + }, + "source": "1715", + "target": "1719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83531" + }, + "source": "1716", + "target": "1717" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9263122" + }, + "source": "1716", + "target": "1718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8579721" + }, + "source": "1716", + "target": "1719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8765024" + }, + "source": "1717", + "target": "1718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8985081" + }, + "source": "1717", + "target": "1719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8856133" + }, + "source": "1718", + "target": "1719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8181265" + }, + "source": "1720", + "target": "1722" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7859272" + }, + "source": "1720", + "target": "1724" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7837184" + }, + "source": "1720", + "target": "1726" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7573688" + }, + "source": "1720", + "target": "1728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80038476" + }, + "source": "1720", + "target": "1729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82888776" + }, + "source": "1721", + "target": "1722" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.797285" + }, + "source": "1721", + "target": "1723" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80876726" + }, + "source": "1721", + "target": "1724" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90101266" + }, + "source": "1721", + "target": "1725" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76917577" + }, + "source": "1721", + "target": "1726" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88131917" + }, + "source": "1721", + "target": "1727" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8517557" + }, + "source": "1721", + "target": "1728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8064457" + }, + "source": "1721", + "target": "1729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8985786" + }, + "source": "1722", + "target": "1723" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92612016" + }, + "source": "1722", + "target": "1724" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7997191" + }, + "source": "1722", + "target": "1725" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.932734" + }, + "source": "1722", + "target": "1726" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8330022" + }, + "source": "1722", + "target": "1727" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9057275" + }, + "source": "1722", + "target": "1728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9414531" + }, + "source": "1722", + "target": "1729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8895502" + }, + "source": "1723", + "target": "1724" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80565846" + }, + "source": "1723", + "target": "1725" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88247633" + }, + "source": "1723", + "target": "1726" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8819387" + }, + "source": "1723", + "target": "1727" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9176952" + }, + "source": "1723", + "target": "1728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8830176" + }, + "source": "1723", + "target": "1729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79260635" + }, + "source": "1724", + "target": "1725" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9242274" + }, + "source": "1724", + "target": "1726" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7879598" + }, + "source": "1724", + "target": "1727" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91599363" + }, + "source": "1724", + "target": "1728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8954636" + }, + "source": "1724", + "target": "1729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75432074" + }, + "source": "1725", + "target": "1726" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86807775" + }, + "source": "1725", + "target": "1727" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.829538" + }, + "source": "1725", + "target": "1728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79190373" + }, + "source": "1725", + "target": "1729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8081639" + }, + "source": "1726", + "target": "1727" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8728913" + }, + "source": "1726", + "target": "1728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91557527" + }, + "source": "1726", + "target": "1729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82386625" + }, + "source": "1727", + "target": "1728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.837603" + }, + "source": "1727", + "target": "1729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8730678" + }, + "source": "1728", + "target": "1729" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86112845" + }, + "source": "1730", + "target": "1731" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8190112" + }, + "source": "1730", + "target": "1732" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88724136" + }, + "source": "1730", + "target": "1733" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8673006" + }, + "source": "1730", + "target": "1734" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7573352" + }, + "source": "1730", + "target": "1735" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8447583" + }, + "source": "1730", + "target": "1736" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7833704" + }, + "source": "1730", + "target": "1737" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8707012" + }, + "source": "1730", + "target": "1738" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79961824" + }, + "source": "1730", + "target": "1739" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.806376" + }, + "source": "1731", + "target": "1732" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8984413" + }, + "source": "1731", + "target": "1733" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8551475" + }, + "source": "1731", + "target": "1734" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80596495" + }, + "source": "1731", + "target": "1736" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9011039" + }, + "source": "1731", + "target": "1738" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7860702" + }, + "source": "1731", + "target": "1739" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8260988" + }, + "source": "1732", + "target": "1733" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8330125" + }, + "source": "1732", + "target": "1734" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.761314" + }, + "source": "1732", + "target": "1735" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7504795" + }, + "source": "1732", + "target": "1736" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8265761" + }, + "source": "1732", + "target": "1738" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7836288" + }, + "source": "1732", + "target": "1739" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8534119" + }, + "source": "1733", + "target": "1734" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7498424" + }, + "source": "1733", + "target": "1735" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82849985" + }, + "source": "1733", + "target": "1736" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7692107" + }, + "source": "1733", + "target": "1737" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92167985" + }, + "source": "1733", + "target": "1738" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84869134" + }, + "source": "1733", + "target": "1739" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84062415" + }, + "source": "1734", + "target": "1736" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8116059" + }, + "source": "1734", + "target": "1737" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8331388" + }, + "source": "1734", + "target": "1738" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7480716" + }, + "source": "1735", + "target": "1736" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77286947" + }, + "source": "1735", + "target": "1738" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7769996" + }, + "source": "1735", + "target": "1739" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.780607" + }, + "source": "1736", + "target": "1737" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79083717" + }, + "source": "1736", + "target": "1738" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7694029" + }, + "source": "1736", + "target": "1739" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7561094" + }, + "source": "1737", + "target": "1738" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84518164" + }, + "source": "1738", + "target": "1739" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8979237" + }, + "source": "1740", + "target": "1741" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83440477" + }, + "source": "1740", + "target": "1742" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8685453" + }, + "source": "1740", + "target": "1743" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9204289" + }, + "source": "1740", + "target": "1744" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8771429" + }, + "source": "1740", + "target": "1745" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85414004" + }, + "source": "1740", + "target": "1746" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8943304" + }, + "source": "1740", + "target": "1747" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8688576" + }, + "source": "1740", + "target": "1748" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8833357" + }, + "source": "1740", + "target": "1749" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77356976" + }, + "source": "1741", + "target": "1742" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8755206" + }, + "source": "1741", + "target": "1743" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8454819" + }, + "source": "1741", + "target": "1744" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.781855" + }, + "source": "1741", + "target": "1745" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8288025" + }, + "source": "1741", + "target": "1746" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8091371" + }, + "source": "1741", + "target": "1747" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89146984" + }, + "source": "1741", + "target": "1748" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90603733" + }, + "source": "1741", + "target": "1749" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8577922" + }, + "source": "1742", + "target": "1744" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7955705" + }, + "source": "1742", + "target": "1745" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.795387" + }, + "source": "1742", + "target": "1746" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8286196" + }, + "source": "1742", + "target": "1747" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.772635" + }, + "source": "1742", + "target": "1748" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7914424" + }, + "source": "1742", + "target": "1749" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8452451" + }, + "source": "1743", + "target": "1744" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.804356" + }, + "source": "1743", + "target": "1745" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81253314" + }, + "source": "1743", + "target": "1746" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78394973" + }, + "source": "1743", + "target": "1747" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86434954" + }, + "source": "1743", + "target": "1748" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8446038" + }, + "source": "1743", + "target": "1749" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8625401" + }, + "source": "1744", + "target": "1745" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8113488" + }, + "source": "1744", + "target": "1746" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85282147" + }, + "source": "1744", + "target": "1747" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83685815" + }, + "source": "1744", + "target": "1748" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8366565" + }, + "source": "1744", + "target": "1749" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75839174" + }, + "source": "1745", + "target": "1746" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8219348" + }, + "source": "1745", + "target": "1747" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77793396" + }, + "source": "1745", + "target": "1748" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77315795" + }, + "source": "1745", + "target": "1749" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7841939" + }, + "source": "1746", + "target": "1747" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8543028" + }, + "source": "1746", + "target": "1748" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82377774" + }, + "source": "1746", + "target": "1749" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8076652" + }, + "source": "1747", + "target": "1748" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8082397" + }, + "source": "1747", + "target": "1749" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8783349" + }, + "source": "1748", + "target": "1749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76434386" + }, + "source": "1750", + "target": "1751" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84119296" + }, + "source": "1750", + "target": "1752" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88739467" + }, + "source": "1750", + "target": "1753" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8848169" + }, + "source": "1750", + "target": "1754" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79757816" + }, + "source": "1750", + "target": "1755" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8408533" + }, + "source": "1750", + "target": "1756" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8193661" + }, + "source": "1750", + "target": "1757" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74932927" + }, + "source": "1750", + "target": "1758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8182445" + }, + "source": "1750", + "target": "1759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8542109" + }, + "source": "1751", + "target": "1752" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85126096" + }, + "source": "1751", + "target": "1753" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87707037" + }, + "source": "1751", + "target": "1754" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91506207" + }, + "source": "1751", + "target": "1755" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80057365" + }, + "source": "1751", + "target": "1756" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8894629" + }, + "source": "1751", + "target": "1757" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9382076" + }, + "source": "1751", + "target": "1758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8243983" + }, + "source": "1751", + "target": "1759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8349226" + }, + "source": "1752", + "target": "1753" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.872697" + }, + "source": "1752", + "target": "1754" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9062146" + }, + "source": "1752", + "target": "1755" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83996344" + }, + "source": "1752", + "target": "1756" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8436823" + }, + "source": "1752", + "target": "1757" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8702251" + }, + "source": "1752", + "target": "1758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9184743" + }, + "source": "1752", + "target": "1759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.914678" + }, + "source": "1753", + "target": "1754" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.830297" + }, + "source": "1753", + "target": "1755" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8662269" + }, + "source": "1753", + "target": "1756" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86501783" + }, + "source": "1753", + "target": "1757" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7999209" + }, + "source": "1753", + "target": "1758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78792715" + }, + "source": "1753", + "target": "1759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8721816" + }, + "source": "1754", + "target": "1755" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8690698" + }, + "source": "1754", + "target": "1756" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86031044" + }, + "source": "1754", + "target": "1757" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8537288" + }, + "source": "1754", + "target": "1758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8447299" + }, + "source": "1754", + "target": "1759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83896446" + }, + "source": "1755", + "target": "1756" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83117104" + }, + "source": "1755", + "target": "1757" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9415887" + }, + "source": "1755", + "target": "1758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83368695" + }, + "source": "1755", + "target": "1759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8007723" + }, + "source": "1756", + "target": "1757" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78726465" + }, + "source": "1756", + "target": "1758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80703986" + }, + "source": "1756", + "target": "1759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8052491" + }, + "source": "1757", + "target": "1758" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86942685" + }, + "source": "1757", + "target": "1759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8370071" + }, + "source": "1758", + "target": "1759" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7940333" + }, + "source": "1760", + "target": "1761" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8545816" + }, + "source": "1760", + "target": "1762" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8248805" + }, + "source": "1760", + "target": "1763" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7924328" + }, + "source": "1760", + "target": "1764" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86200583" + }, + "source": "1760", + "target": "1765" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8509364" + }, + "source": "1760", + "target": "1767" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8692067" + }, + "source": "1760", + "target": "1768" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8872386" + }, + "source": "1760", + "target": "1769" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7652583" + }, + "source": "1761", + "target": "1768" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7507446" + }, + "source": "1761", + "target": "1769" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7669397" + }, + "source": "1762", + "target": "1764" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7731926" + }, + "source": "1762", + "target": "1765" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8551631" + }, + "source": "1762", + "target": "1768" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78741276" + }, + "source": "1762", + "target": "1769" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.776397" + }, + "source": "1763", + "target": "1765" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.775865" + }, + "source": "1763", + "target": "1767" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8501872" + }, + "source": "1763", + "target": "1768" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86517715" + }, + "source": "1763", + "target": "1769" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76326525" + }, + "source": "1764", + "target": "1768" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77823055" + }, + "source": "1765", + "target": "1767" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8023158" + }, + "source": "1765", + "target": "1768" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80892503" + }, + "source": "1765", + "target": "1769" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7736384" + }, + "source": "1767", + "target": "1768" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81593126" + }, + "source": "1767", + "target": "1769" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8734274" + }, + "source": "1768", + "target": "1769" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8441496" + }, + "source": "1770", + "target": "1771" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8063518" + }, + "source": "1770", + "target": "1772" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8684983" + }, + "source": "1770", + "target": "1774" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7866745" + }, + "source": "1770", + "target": "1775" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81190467" + }, + "source": "1770", + "target": "1776" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85371614" + }, + "source": "1770", + "target": "1777" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8071916" + }, + "source": "1770", + "target": "1778" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76258874" + }, + "source": "1770", + "target": "1779" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88068867" + }, + "source": "1771", + "target": "1772" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8111822" + }, + "source": "1771", + "target": "1773" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88077855" + }, + "source": "1771", + "target": "1774" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90483737" + }, + "source": "1771", + "target": "1775" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8907665" + }, + "source": "1771", + "target": "1776" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87206376" + }, + "source": "1771", + "target": "1777" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89254546" + }, + "source": "1771", + "target": "1778" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82091117" + }, + "source": "1771", + "target": "1779" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83872616" + }, + "source": "1772", + "target": "1773" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8593658" + }, + "source": "1772", + "target": "1774" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80502063" + }, + "source": "1772", + "target": "1775" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9106541" + }, + "source": "1772", + "target": "1776" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.836447" + }, + "source": "1772", + "target": "1777" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92993844" + }, + "source": "1772", + "target": "1778" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7682367" + }, + "source": "1773", + "target": "1774" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7753248" + }, + "source": "1773", + "target": "1775" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8347663" + }, + "source": "1773", + "target": "1776" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7965305" + }, + "source": "1773", + "target": "1777" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8304785" + }, + "source": "1773", + "target": "1778" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7963226" + }, + "source": "1774", + "target": "1775" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86106586" + }, + "source": "1774", + "target": "1776" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92368054" + }, + "source": "1774", + "target": "1777" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.860482" + }, + "source": "1774", + "target": "1778" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.775681" + }, + "source": "1774", + "target": "1779" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8225204" + }, + "source": "1775", + "target": "1776" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8453114" + }, + "source": "1775", + "target": "1777" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84038913" + }, + "source": "1775", + "target": "1778" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75146824" + }, + "source": "1775", + "target": "1779" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87455225" + }, + "source": "1776", + "target": "1777" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8887043" + }, + "source": "1776", + "target": "1778" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8644444" + }, + "source": "1777", + "target": "1778" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.793308" + }, + "source": "1777", + "target": "1779" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74833107" + }, + "source": "1778", + "target": "1779" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9713198" + }, + "source": "1780", + "target": "1781" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8803517" + }, + "source": "1780", + "target": "1783" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87051415" + }, + "source": "1780", + "target": "1785" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7786268" + }, + "source": "1780", + "target": "1788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9324318" + }, + "source": "1780", + "target": "1789" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92768955" + }, + "source": "1781", + "target": "1783" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7585801" + }, + "source": "1781", + "target": "1784" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88333285" + }, + "source": "1781", + "target": "1785" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79809916" + }, + "source": "1781", + "target": "1788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9475995" + }, + "source": "1781", + "target": "1789" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7484571" + }, + "source": "1782", + "target": "1784" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8334608" + }, + "source": "1783", + "target": "1785" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7615696" + }, + "source": "1783", + "target": "1788" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8897726" + }, + "source": "1783", + "target": "1789" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7730644" + }, + "source": "1784", + "target": "1785" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78304195" + }, + "source": "1784", + "target": "1786" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78158087" + }, + "source": "1784", + "target": "1787" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8929539" + }, + "source": "1785", + "target": "1788" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86145175" + }, + "source": "1785", + "target": "1789" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7781385" + }, + "source": "1788", + "target": "1789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91622496" + }, + "source": "1790", + "target": "1791" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8344263" + }, + "source": "1790", + "target": "1792" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91495323" + }, + "source": "1790", + "target": "1793" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9289793" + }, + "source": "1790", + "target": "1794" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.940182" + }, + "source": "1790", + "target": "1795" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85913855" + }, + "source": "1790", + "target": "1796" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9293217" + }, + "source": "1790", + "target": "1797" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88783777" + }, + "source": "1790", + "target": "1798" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.781463" + }, + "source": "1790", + "target": "1799" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8497728" + }, + "source": "1791", + "target": "1792" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.995579" + }, + "source": "1791", + "target": "1793" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96751606" + }, + "source": "1791", + "target": "1794" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93091583" + }, + "source": "1791", + "target": "1795" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93204015" + }, + "source": "1791", + "target": "1796" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96150833" + }, + "source": "1791", + "target": "1797" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.885399" + }, + "source": "1791", + "target": "1798" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86212087" + }, + "source": "1792", + "target": "1793" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8691967" + }, + "source": "1792", + "target": "1794" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82745373" + }, + "source": "1792", + "target": "1795" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8050594" + }, + "source": "1792", + "target": "1796" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84601486" + }, + "source": "1792", + "target": "1797" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92588395" + }, + "source": "1792", + "target": "1798" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97659457" + }, + "source": "1793", + "target": "1794" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91880006" + }, + "source": "1793", + "target": "1795" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92058444" + }, + "source": "1793", + "target": "1796" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96215546" + }, + "source": "1793", + "target": "1797" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89410985" + }, + "source": "1793", + "target": "1798" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9153249" + }, + "source": "1794", + "target": "1795" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89675033" + }, + "source": "1794", + "target": "1796" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9851688" + }, + "source": "1794", + "target": "1797" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9284598" + }, + "source": "1794", + "target": "1798" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88003826" + }, + "source": "1795", + "target": "1796" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91350037" + }, + "source": "1795", + "target": "1797" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87125915" + }, + "source": "1795", + "target": "1798" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89686745" + }, + "source": "1796", + "target": "1797" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8242112" + }, + "source": "1796", + "target": "1798" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9301009" + }, + "source": "1797", + "target": "1798" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89551723" + }, + "source": "1800", + "target": "1801" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.902055" + }, + "source": "1800", + "target": "1802" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8647322" + }, + "source": "1800", + "target": "1803" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88743806" + }, + "source": "1800", + "target": "1804" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8679126" + }, + "source": "1800", + "target": "1805" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8801658" + }, + "source": "1800", + "target": "1806" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83382416" + }, + "source": "1800", + "target": "1807" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82957053" + }, + "source": "1800", + "target": "1808" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84195685" + }, + "source": "1800", + "target": "1809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91982293" + }, + "source": "1801", + "target": "1802" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88347304" + }, + "source": "1801", + "target": "1803" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92161715" + }, + "source": "1801", + "target": "1804" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95327497" + }, + "source": "1801", + "target": "1805" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91498613" + }, + "source": "1801", + "target": "1806" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94192946" + }, + "source": "1801", + "target": "1807" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8503957" + }, + "source": "1801", + "target": "1808" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88366485" + }, + "source": "1801", + "target": "1809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89043987" + }, + "source": "1802", + "target": "1803" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9479054" + }, + "source": "1802", + "target": "1804" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9008037" + }, + "source": "1802", + "target": "1805" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9360074" + }, + "source": "1802", + "target": "1806" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8908507" + }, + "source": "1802", + "target": "1807" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88018113" + }, + "source": "1802", + "target": "1808" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93450105" + }, + "source": "1802", + "target": "1809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8725595" + }, + "source": "1803", + "target": "1804" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.868549" + }, + "source": "1803", + "target": "1805" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89096785" + }, + "source": "1803", + "target": "1806" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84859675" + }, + "source": "1803", + "target": "1807" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8359492" + }, + "source": "1803", + "target": "1808" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8725561" + }, + "source": "1803", + "target": "1809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8991945" + }, + "source": "1804", + "target": "1805" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.934628" + }, + "source": "1804", + "target": "1806" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88079697" + }, + "source": "1804", + "target": "1807" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8792139" + }, + "source": "1804", + "target": "1808" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8955853" + }, + "source": "1804", + "target": "1809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8703058" + }, + "source": "1805", + "target": "1806" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9206023" + }, + "source": "1805", + "target": "1807" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85522866" + }, + "source": "1805", + "target": "1808" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88716364" + }, + "source": "1805", + "target": "1809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86817014" + }, + "source": "1806", + "target": "1807" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8478652" + }, + "source": "1806", + "target": "1808" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88565004" + }, + "source": "1806", + "target": "1809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85022056" + }, + "source": "1807", + "target": "1808" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86817884" + }, + "source": "1807", + "target": "1809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84446496" + }, + "source": "1808", + "target": "1809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8408505" + }, + "source": "1810", + "target": "1811" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85711175" + }, + "source": "1810", + "target": "1812" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8810959" + }, + "source": "1810", + "target": "1813" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86289704" + }, + "source": "1810", + "target": "1814" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8858637" + }, + "source": "1810", + "target": "1815" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90217555" + }, + "source": "1810", + "target": "1816" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90536493" + }, + "source": "1810", + "target": "1817" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.848035" + }, + "source": "1810", + "target": "1818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89495057" + }, + "source": "1810", + "target": "1819" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8258" + }, + "source": "1811", + "target": "1812" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8877341" + }, + "source": "1811", + "target": "1813" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.938843" + }, + "source": "1811", + "target": "1814" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8486743" + }, + "source": "1811", + "target": "1815" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.924122" + }, + "source": "1811", + "target": "1816" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8781675" + }, + "source": "1811", + "target": "1817" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8778866" + }, + "source": "1811", + "target": "1818" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89768755" + }, + "source": "1811", + "target": "1819" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89659005" + }, + "source": "1812", + "target": "1813" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8745309" + }, + "source": "1812", + "target": "1814" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94981" + }, + "source": "1812", + "target": "1815" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8922073" + }, + "source": "1812", + "target": "1816" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91425014" + }, + "source": "1812", + "target": "1817" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8874418" + }, + "source": "1812", + "target": "1818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9072953" + }, + "source": "1812", + "target": "1819" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9073671" + }, + "source": "1813", + "target": "1814" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93859017" + }, + "source": "1813", + "target": "1815" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9237695" + }, + "source": "1813", + "target": "1816" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9517907" + }, + "source": "1813", + "target": "1817" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9598416" + }, + "source": "1813", + "target": "1818" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95767945" + }, + "source": "1813", + "target": "1819" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8981355" + }, + "source": "1814", + "target": "1815" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.944404" + }, + "source": "1814", + "target": "1816" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9096195" + }, + "source": "1814", + "target": "1817" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8850534" + }, + "source": "1814", + "target": "1818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9197135" + }, + "source": "1814", + "target": "1819" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90711683" + }, + "source": "1815", + "target": "1816" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9341974" + }, + "source": "1815", + "target": "1817" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9076309" + }, + "source": "1815", + "target": "1818" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9240379" + }, + "source": "1815", + "target": "1819" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9540269" + }, + "source": "1816", + "target": "1817" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91038543" + }, + "source": "1816", + "target": "1818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95271295" + }, + "source": "1816", + "target": "1819" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92640424" + }, + "source": "1817", + "target": "1818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9596818" + }, + "source": "1817", + "target": "1819" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9375191" + }, + "source": "1818", + "target": "1819" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7903997" + }, + "source": "1820", + "target": "1821" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8152258" + }, + "source": "1820", + "target": "1823" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75729626" + }, + "source": "1820", + "target": "1829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8367712" + }, + "source": "1821", + "target": "1822" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79732937" + }, + "source": "1821", + "target": "1823" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8342835" + }, + "source": "1821", + "target": "1826" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7808254" + }, + "source": "1821", + "target": "1827" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77889967" + }, + "source": "1821", + "target": "1828" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9465363" + }, + "source": "1821", + "target": "1829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8398316" + }, + "source": "1822", + "target": "1823" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83554614" + }, + "source": "1822", + "target": "1829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80535245" + }, + "source": "1823", + "target": "1828" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7933456" + }, + "source": "1823", + "target": "1829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79111594" + }, + "source": "1826", + "target": "1827" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7868827" + }, + "source": "1826", + "target": "1829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8189051" + }, + "source": "1828", + "target": "1829" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80390626" + }, + "source": "1830", + "target": "1834" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8137878" + }, + "source": "1830", + "target": "1835" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7498263" + }, + "source": "1830", + "target": "1838" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81868523" + }, + "source": "1830", + "target": "1839" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89400834" + }, + "source": "1831", + "target": "1837" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79965544" + }, + "source": "1831", + "target": "1839" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7485208" + }, + "source": "1832", + "target": "1839" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75433254" + }, + "source": "1833", + "target": "1835" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80527186" + }, + "source": "1833", + "target": "1839" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7809155" + }, + "source": "1834", + "target": "1835" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7912266" + }, + "source": "1834", + "target": "1839" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8102896" + }, + "source": "1835", + "target": "1838" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7759411" + }, + "source": "1836", + "target": "1839" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.791666" + }, + "source": "1837", + "target": "1839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8762599" + }, + "source": "1840", + "target": "1841" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88612574" + }, + "source": "1840", + "target": "1842" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8022038" + }, + "source": "1840", + "target": "1843" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82935536" + }, + "source": "1840", + "target": "1844" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79364353" + }, + "source": "1840", + "target": "1845" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.782496" + }, + "source": "1840", + "target": "1846" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82639277" + }, + "source": "1840", + "target": "1847" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8710791" + }, + "source": "1840", + "target": "1848" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8335823" + }, + "source": "1840", + "target": "1849" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8373916" + }, + "source": "1841", + "target": "1842" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79020584" + }, + "source": "1841", + "target": "1843" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8037431" + }, + "source": "1841", + "target": "1844" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77471054" + }, + "source": "1841", + "target": "1847" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8889997" + }, + "source": "1841", + "target": "1848" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8958946" + }, + "source": "1841", + "target": "1849" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76781875" + }, + "source": "1842", + "target": "1843" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7966914" + }, + "source": "1842", + "target": "1844" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77128744" + }, + "source": "1842", + "target": "1845" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7804406" + }, + "source": "1842", + "target": "1847" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8505082" + }, + "source": "1842", + "target": "1848" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79153943" + }, + "source": "1842", + "target": "1849" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76864207" + }, + "source": "1843", + "target": "1844" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.829949" + }, + "source": "1843", + "target": "1847" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8018837" + }, + "source": "1843", + "target": "1848" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7935965" + }, + "source": "1843", + "target": "1849" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81455815" + }, + "source": "1844", + "target": "1847" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7649245" + }, + "source": "1844", + "target": "1848" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7947079" + }, + "source": "1844", + "target": "1849" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7564812" + }, + "source": "1845", + "target": "1848" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8091055" + }, + "source": "1846", + "target": "1848" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7607522" + }, + "source": "1847", + "target": "1848" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7647704" + }, + "source": "1847", + "target": "1849" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8745712" + }, + "source": "1848", + "target": "1849" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87969613" + }, + "source": "1850", + "target": "1851" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9139458" + }, + "source": "1850", + "target": "1852" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8187396" + }, + "source": "1850", + "target": "1853" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7684416" + }, + "source": "1850", + "target": "1855" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79120195" + }, + "source": "1850", + "target": "1856" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83240753" + }, + "source": "1850", + "target": "1858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.754207" + }, + "source": "1850", + "target": "1859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89054966" + }, + "source": "1851", + "target": "1852" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8012654" + }, + "source": "1851", + "target": "1853" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7557105" + }, + "source": "1851", + "target": "1856" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8349048" + }, + "source": "1851", + "target": "1858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7779723" + }, + "source": "1852", + "target": "1853" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7606242" + }, + "source": "1852", + "target": "1856" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7950684" + }, + "source": "1852", + "target": "1858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7487873" + }, + "source": "1852", + "target": "1859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.74946934" + }, + "source": "1853", + "target": "1854" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8058455" + }, + "source": "1853", + "target": "1855" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88838494" + }, + "source": "1853", + "target": "1856" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87506783" + }, + "source": "1853", + "target": "1858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84637976" + }, + "source": "1853", + "target": "1859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76776373" + }, + "source": "1854", + "target": "1855" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78073466" + }, + "source": "1855", + "target": "1856" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8202548" + }, + "source": "1855", + "target": "1858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8473551" + }, + "source": "1856", + "target": "1858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80967534" + }, + "source": "1856", + "target": "1859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80363035" + }, + "source": "1858", + "target": "1859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8625618" + }, + "source": "1860", + "target": "1861" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90114987" + }, + "source": "1860", + "target": "1862" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89660287" + }, + "source": "1860", + "target": "1863" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8984355" + }, + "source": "1860", + "target": "1864" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85495055" + }, + "source": "1860", + "target": "1866" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8543667" + }, + "source": "1860", + "target": "1867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92436963" + }, + "source": "1860", + "target": "1868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91337913" + }, + "source": "1861", + "target": "1862" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8503231" + }, + "source": "1861", + "target": "1863" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8340044" + }, + "source": "1861", + "target": "1864" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8617753" + }, + "source": "1861", + "target": "1866" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78231424" + }, + "source": "1861", + "target": "1867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88725436" + }, + "source": "1861", + "target": "1868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8669743" + }, + "source": "1862", + "target": "1863" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.870941" + }, + "source": "1862", + "target": "1864" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88713455" + }, + "source": "1862", + "target": "1866" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82838476" + }, + "source": "1862", + "target": "1867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.908123" + }, + "source": "1862", + "target": "1868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87383366" + }, + "source": "1863", + "target": "1864" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8529177" + }, + "source": "1863", + "target": "1866" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7914146" + }, + "source": "1863", + "target": "1867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9014857" + }, + "source": "1863", + "target": "1868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83031476" + }, + "source": "1864", + "target": "1866" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8363055" + }, + "source": "1864", + "target": "1867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88028705" + }, + "source": "1864", + "target": "1868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.812156" + }, + "source": "1866", + "target": "1867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8740902" + }, + "source": "1866", + "target": "1868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8244426" + }, + "source": "1867", + "target": "1868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7583549" + }, + "source": "1868", + "target": "1869" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94906646" + }, + "source": "1870", + "target": "1871" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9208723" + }, + "source": "1870", + "target": "1872" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9455162" + }, + "source": "1870", + "target": "1873" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8957653" + }, + "source": "1870", + "target": "1874" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92651695" + }, + "source": "1870", + "target": "1875" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94626284" + }, + "source": "1870", + "target": "1876" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9011097" + }, + "source": "1870", + "target": "1877" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91959447" + }, + "source": "1870", + "target": "1878" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9252664" + }, + "source": "1870", + "target": "1879" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94447947" + }, + "source": "1871", + "target": "1872" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.966655" + }, + "source": "1871", + "target": "1873" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9117818" + }, + "source": "1871", + "target": "1874" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9495132" + }, + "source": "1871", + "target": "1875" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.964008" + }, + "source": "1871", + "target": "1876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92519975" + }, + "source": "1871", + "target": "1877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94790965" + }, + "source": "1871", + "target": "1878" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9467809" + }, + "source": "1871", + "target": "1879" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92577505" + }, + "source": "1872", + "target": "1873" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8665136" + }, + "source": "1872", + "target": "1874" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96874523" + }, + "source": "1872", + "target": "1875" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9235643" + }, + "source": "1872", + "target": "1876" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8875357" + }, + "source": "1872", + "target": "1877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9130495" + }, + "source": "1872", + "target": "1878" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9384607" + }, + "source": "1872", + "target": "1879" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91287273" + }, + "source": "1873", + "target": "1874" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9308115" + }, + "source": "1873", + "target": "1875" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97793674" + }, + "source": "1873", + "target": "1876" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92811084" + }, + "source": "1873", + "target": "1877" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95874" + }, + "source": "1873", + "target": "1878" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9319284" + }, + "source": "1873", + "target": "1879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86948454" + }, + "source": "1874", + "target": "1875" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.917267" + }, + "source": "1874", + "target": "1876" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91849065" + }, + "source": "1874", + "target": "1877" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8925172" + }, + "source": "1874", + "target": "1878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8790419" + }, + "source": "1874", + "target": "1879" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9322406" + }, + "source": "1875", + "target": "1876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89793944" + }, + "source": "1875", + "target": "1877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91649926" + }, + "source": "1875", + "target": "1878" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9531849" + }, + "source": "1875", + "target": "1879" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9253024" + }, + "source": "1876", + "target": "1877" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93981576" + }, + "source": "1876", + "target": "1878" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93339896" + }, + "source": "1876", + "target": "1879" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91029286" + }, + "source": "1877", + "target": "1878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89499205" + }, + "source": "1877", + "target": "1879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9194683" + }, + "source": "1878", + "target": "1879" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8513463" + }, + "source": "1880", + "target": "1881" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8886732" + }, + "source": "1880", + "target": "1882" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.833881" + }, + "source": "1880", + "target": "1883" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76484025" + }, + "source": "1880", + "target": "1884" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8434131" + }, + "source": "1880", + "target": "1886" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84908855" + }, + "source": "1880", + "target": "1888" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8356267" + }, + "source": "1880", + "target": "1889" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8333645" + }, + "source": "1881", + "target": "1882" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8029599" + }, + "source": "1881", + "target": "1883" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7495922" + }, + "source": "1881", + "target": "1886" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78104186" + }, + "source": "1881", + "target": "1888" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79922974" + }, + "source": "1881", + "target": "1889" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80448663" + }, + "source": "1882", + "target": "1883" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7783668" + }, + "source": "1882", + "target": "1886" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7705593" + }, + "source": "1882", + "target": "1888" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.842029" + }, + "source": "1882", + "target": "1889" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8648201" + }, + "source": "1883", + "target": "1888" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81505036" + }, + "source": "1883", + "target": "1889" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7591677" + }, + "source": "1884", + "target": "1886" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.74815637" + }, + "source": "1886", + "target": "1888" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8233243" + }, + "source": "1888", + "target": "1889" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8278855" + }, + "source": "1890", + "target": "1892" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8813581" + }, + "source": "1890", + "target": "1894" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82555366" + }, + "source": "1890", + "target": "1895" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.78822803" + }, + "source": "1890", + "target": "1896" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7937554" + }, + "source": "1890", + "target": "1898" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86171675" + }, + "source": "1891", + "target": "1892" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88046014" + }, + "source": "1891", + "target": "1893" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7838542" + }, + "source": "1891", + "target": "1897" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8213609" + }, + "source": "1891", + "target": "1898" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7969628" + }, + "source": "1891", + "target": "1899" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74860024" + }, + "source": "1892", + "target": "1893" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8222196" + }, + "source": "1892", + "target": "1894" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7932204" + }, + "source": "1892", + "target": "1896" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9470109" + }, + "source": "1892", + "target": "1897" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9769722" + }, + "source": "1892", + "target": "1898" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83793825" + }, + "source": "1894", + "target": "1895" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9183092" + }, + "source": "1894", + "target": "1896" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7963129" + }, + "source": "1894", + "target": "1898" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78048766" + }, + "source": "1894", + "target": "1899" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.75621015" + }, + "source": "1895", + "target": "1896" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74842095" + }, + "source": "1896", + "target": "1898" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8009391" + }, + "source": "1896", + "target": "1899" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9513892" + }, + "source": "1897", + "target": "1898" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80945325" + }, + "source": "1900", + "target": "1901" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8799432" + }, + "source": "1900", + "target": "1902" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85785735" + }, + "source": "1900", + "target": "1903" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82159495" + }, + "source": "1900", + "target": "1904" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84222984" + }, + "source": "1900", + "target": "1905" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8263916" + }, + "source": "1900", + "target": "1906" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83342016" + }, + "source": "1900", + "target": "1907" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8216257" + }, + "source": "1900", + "target": "1908" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8210273" + }, + "source": "1900", + "target": "1909" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8314111" + }, + "source": "1901", + "target": "1902" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78698707" + }, + "source": "1901", + "target": "1903" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8045938" + }, + "source": "1901", + "target": "1904" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8923378" + }, + "source": "1901", + "target": "1905" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84163773" + }, + "source": "1901", + "target": "1906" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87031245" + }, + "source": "1901", + "target": "1907" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91740704" + }, + "source": "1901", + "target": "1908" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8256017" + }, + "source": "1901", + "target": "1909" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8764366" + }, + "source": "1902", + "target": "1903" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9139714" + }, + "source": "1902", + "target": "1904" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8146874" + }, + "source": "1902", + "target": "1905" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8216392" + }, + "source": "1902", + "target": "1906" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91015327" + }, + "source": "1902", + "target": "1907" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84084535" + }, + "source": "1902", + "target": "1908" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8786193" + }, + "source": "1902", + "target": "1909" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82255197" + }, + "source": "1903", + "target": "1904" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.884995" + }, + "source": "1903", + "target": "1905" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89998" + }, + "source": "1903", + "target": "1906" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8758092" + }, + "source": "1903", + "target": "1907" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8027135" + }, + "source": "1903", + "target": "1908" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84497464" + }, + "source": "1903", + "target": "1909" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7736218" + }, + "source": "1904", + "target": "1905" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79325885" + }, + "source": "1904", + "target": "1906" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8637456" + }, + "source": "1904", + "target": "1907" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8084034" + }, + "source": "1904", + "target": "1908" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8226304" + }, + "source": "1904", + "target": "1909" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9350852" + }, + "source": "1905", + "target": "1906" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83446044" + }, + "source": "1905", + "target": "1907" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8527909" + }, + "source": "1905", + "target": "1908" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82744646" + }, + "source": "1905", + "target": "1909" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83815324" + }, + "source": "1906", + "target": "1907" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85654527" + }, + "source": "1906", + "target": "1908" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8122281" + }, + "source": "1906", + "target": "1909" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8812163" + }, + "source": "1907", + "target": "1908" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90203047" + }, + "source": "1907", + "target": "1909" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8348654" + }, + "source": "1908", + "target": "1909" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9148653" + }, + "source": "1910", + "target": "1911" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93265045" + }, + "source": "1910", + "target": "1912" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8871206" + }, + "source": "1910", + "target": "1913" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9151807" + }, + "source": "1910", + "target": "1914" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8940457" + }, + "source": "1910", + "target": "1915" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9036186" + }, + "source": "1910", + "target": "1916" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92849356" + }, + "source": "1910", + "target": "1917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88501644" + }, + "source": "1910", + "target": "1918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8824042" + }, + "source": "1910", + "target": "1919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.974753" + }, + "source": "1911", + "target": "1912" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97616374" + }, + "source": "1911", + "target": "1913" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99778247" + }, + "source": "1911", + "target": "1914" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9577962" + }, + "source": "1911", + "target": "1915" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95605123" + }, + "source": "1911", + "target": "1916" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9935338" + }, + "source": "1911", + "target": "1917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9757" + }, + "source": "1911", + "target": "1918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9379504" + }, + "source": "1911", + "target": "1919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9560653" + }, + "source": "1912", + "target": "1913" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97656614" + }, + "source": "1912", + "target": "1914" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9737103" + }, + "source": "1912", + "target": "1915" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96396655" + }, + "source": "1912", + "target": "1916" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9807311" + }, + "source": "1912", + "target": "1917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95504725" + }, + "source": "1912", + "target": "1918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9599204" + }, + "source": "1912", + "target": "1919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97450614" + }, + "source": "1913", + "target": "1914" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9840309" + }, + "source": "1913", + "target": "1915" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97871363" + }, + "source": "1913", + "target": "1916" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97249365" + }, + "source": "1913", + "target": "1917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99896085" + }, + "source": "1913", + "target": "1918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96426034" + }, + "source": "1913", + "target": "1919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9583068" + }, + "source": "1914", + "target": "1915" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9561683" + }, + "source": "1914", + "target": "1916" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9924514" + }, + "source": "1914", + "target": "1917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97363937" + }, + "source": "1914", + "target": "1918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93889654" + }, + "source": "1914", + "target": "1919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9842062" + }, + "source": "1915", + "target": "1916" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9610708" + }, + "source": "1915", + "target": "1917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98243374" + }, + "source": "1915", + "target": "1918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98367745" + }, + "source": "1915", + "target": "1919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9599055" + }, + "source": "1916", + "target": "1917" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97850156" + }, + "source": "1916", + "target": "1918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96793914" + }, + "source": "1916", + "target": "1919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9717319" + }, + "source": "1917", + "target": "1918" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94446516" + }, + "source": "1917", + "target": "1919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9620509" + }, + "source": "1918", + "target": "1919" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84278923" + }, + "source": "1920", + "target": "1921" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8319337" + }, + "source": "1920", + "target": "1922" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86501575" + }, + "source": "1920", + "target": "1923" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8427892" + }, + "source": "1920", + "target": "1924" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86501575" + }, + "source": "1920", + "target": "1925" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86501575" + }, + "source": "1920", + "target": "1926" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8427892" + }, + "source": "1920", + "target": "1927" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8427892" + }, + "source": "1920", + "target": "1928" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85463655" + }, + "source": "1920", + "target": "1929" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96215177" + }, + "source": "1921", + "target": "1922" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97706133" + }, + "source": "1921", + "target": "1923" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "1921", + "target": "1924" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770614" + }, + "source": "1921", + "target": "1925" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770614" + }, + "source": "1921", + "target": "1926" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "1921", + "target": "1927" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "1921", + "target": "1928" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9786335" + }, + "source": "1921", + "target": "1929" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9696448" + }, + "source": "1922", + "target": "1923" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96215177" + }, + "source": "1922", + "target": "1924" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9696449" + }, + "source": "1922", + "target": "1925" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9696449" + }, + "source": "1922", + "target": "1926" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96215177" + }, + "source": "1922", + "target": "1927" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96215177" + }, + "source": "1922", + "target": "1928" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9575796" + }, + "source": "1922", + "target": "1929" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97706145" + }, + "source": "1923", + "target": "1924" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "1923", + "target": "1925" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "1923", + "target": "1926" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770614" + }, + "source": "1923", + "target": "1927" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770614" + }, + "source": "1923", + "target": "1928" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9793805" + }, + "source": "1923", + "target": "1929" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770614" + }, + "source": "1924", + "target": "1925" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770614" + }, + "source": "1924", + "target": "1926" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "1924", + "target": "1927" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "1924", + "target": "1928" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97863364" + }, + "source": "1924", + "target": "1929" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "1925", + "target": "1926" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770614" + }, + "source": "1925", + "target": "1927" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770614" + }, + "source": "1925", + "target": "1928" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9793804" + }, + "source": "1925", + "target": "1929" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770614" + }, + "source": "1926", + "target": "1927" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770614" + }, + "source": "1926", + "target": "1928" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9793804" + }, + "source": "1926", + "target": "1929" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "1927", + "target": "1928" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9786335" + }, + "source": "1927", + "target": "1929" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9786335" + }, + "source": "1928", + "target": "1929" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8549311" + }, + "source": "1931", + "target": "1932" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8251755" + }, + "source": "1931", + "target": "1933" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8529227" + }, + "source": "1931", + "target": "1934" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90021026" + }, + "source": "1931", + "target": "1935" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85906374" + }, + "source": "1931", + "target": "1936" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9089652" + }, + "source": "1931", + "target": "1937" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8690605" + }, + "source": "1931", + "target": "1938" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89099765" + }, + "source": "1931", + "target": "1939" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7731256" + }, + "source": "1932", + "target": "1933" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8908284" + }, + "source": "1932", + "target": "1934" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8436258" + }, + "source": "1932", + "target": "1935" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9123063" + }, + "source": "1932", + "target": "1936" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86969805" + }, + "source": "1932", + "target": "1937" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9057497" + }, + "source": "1932", + "target": "1938" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8854754" + }, + "source": "1932", + "target": "1939" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7724191" + }, + "source": "1933", + "target": "1934" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7819145" + }, + "source": "1933", + "target": "1935" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7911087" + }, + "source": "1933", + "target": "1936" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7509346" + }, + "source": "1933", + "target": "1937" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81948525" + }, + "source": "1933", + "target": "1938" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84897864" + }, + "source": "1933", + "target": "1939" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8512037" + }, + "source": "1934", + "target": "1935" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86366796" + }, + "source": "1934", + "target": "1936" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8698975" + }, + "source": "1934", + "target": "1937" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92725205" + }, + "source": "1934", + "target": "1938" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87672275" + }, + "source": "1934", + "target": "1939" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8380198" + }, + "source": "1935", + "target": "1936" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88808894" + }, + "source": "1935", + "target": "1937" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8711288" + }, + "source": "1935", + "target": "1938" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8885964" + }, + "source": "1935", + "target": "1939" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8520962" + }, + "source": "1936", + "target": "1937" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8946327" + }, + "source": "1936", + "target": "1938" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89523476" + }, + "source": "1936", + "target": "1939" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87338245" + }, + "source": "1937", + "target": "1938" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8327693" + }, + "source": "1937", + "target": "1939" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92206264" + }, + "source": "1938", + "target": "1939" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90901375" + }, + "source": "1940", + "target": "1941" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8807596" + }, + "source": "1940", + "target": "1942" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90762866" + }, + "source": "1940", + "target": "1943" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89857256" + }, + "source": "1940", + "target": "1944" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7741772" + }, + "source": "1940", + "target": "1945" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8649883" + }, + "source": "1940", + "target": "1946" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9031085" + }, + "source": "1940", + "target": "1947" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90788245" + }, + "source": "1940", + "target": "1948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90425235" + }, + "source": "1940", + "target": "1949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.874452" + }, + "source": "1941", + "target": "1942" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9611596" + }, + "source": "1941", + "target": "1943" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8501313" + }, + "source": "1941", + "target": "1944" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7585648" + }, + "source": "1941", + "target": "1945" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87329304" + }, + "source": "1941", + "target": "1946" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84347034" + }, + "source": "1941", + "target": "1947" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.948911" + }, + "source": "1941", + "target": "1948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9510704" + }, + "source": "1941", + "target": "1949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8482156" + }, + "source": "1942", + "target": "1943" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84527653" + }, + "source": "1942", + "target": "1944" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82374114" + }, + "source": "1942", + "target": "1946" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81819165" + }, + "source": "1942", + "target": "1947" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87297857" + }, + "source": "1942", + "target": "1948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8544907" + }, + "source": "1942", + "target": "1949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85095143" + }, + "source": "1943", + "target": "1944" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7569221" + }, + "source": "1943", + "target": "1945" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8877983" + }, + "source": "1943", + "target": "1946" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8345097" + }, + "source": "1943", + "target": "1947" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94847584" + }, + "source": "1943", + "target": "1948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9421989" + }, + "source": "1943", + "target": "1949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83173853" + }, + "source": "1944", + "target": "1946" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8669094" + }, + "source": "1944", + "target": "1947" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86835325" + }, + "source": "1944", + "target": "1948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8334373" + }, + "source": "1944", + "target": "1949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7707753" + }, + "source": "1945", + "target": "1948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7555294" + }, + "source": "1945", + "target": "1949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8773973" + }, + "source": "1946", + "target": "1947" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8502924" + }, + "source": "1946", + "target": "1948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86524105" + }, + "source": "1946", + "target": "1949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8150563" + }, + "source": "1947", + "target": "1948" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8453508" + }, + "source": "1947", + "target": "1949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9300125" + }, + "source": "1948", + "target": "1949" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8410497" + }, + "source": "1950", + "target": "1951" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8663583" + }, + "source": "1950", + "target": "1954" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85816354" + }, + "source": "1951", + "target": "1952" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9097314" + }, + "source": "1951", + "target": "1953" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92345124" + }, + "source": "1951", + "target": "1954" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94869083" + }, + "source": "1951", + "target": "1955" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85841894" + }, + "source": "1951", + "target": "1956" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89316577" + }, + "source": "1951", + "target": "1957" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82556725" + }, + "source": "1951", + "target": "1958" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92643696" + }, + "source": "1951", + "target": "1959" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.927387" + }, + "source": "1952", + "target": "1953" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89990544" + }, + "source": "1952", + "target": "1955" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9366674" + }, + "source": "1952", + "target": "1956" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9750247" + }, + "source": "1952", + "target": "1957" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80458957" + }, + "source": "1952", + "target": "1958" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86378527" + }, + "source": "1952", + "target": "1959" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7560445" + }, + "source": "1953", + "target": "1954" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9555937" + }, + "source": "1953", + "target": "1955" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8971027" + }, + "source": "1953", + "target": "1956" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9655007" + }, + "source": "1953", + "target": "1957" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.842759" + }, + "source": "1953", + "target": "1958" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9551351" + }, + "source": "1953", + "target": "1959" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7959639" + }, + "source": "1954", + "target": "1955" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75947106" + }, + "source": "1954", + "target": "1957" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7715382" + }, + "source": "1954", + "target": "1959" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8978753" + }, + "source": "1955", + "target": "1956" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93995667" + }, + "source": "1955", + "target": "1957" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8595341" + }, + "source": "1955", + "target": "1958" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96251166" + }, + "source": "1955", + "target": "1959" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93338245" + }, + "source": "1956", + "target": "1957" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.811885" + }, + "source": "1956", + "target": "1958" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8595499" + }, + "source": "1956", + "target": "1959" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8390341" + }, + "source": "1957", + "target": "1958" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90991116" + }, + "source": "1957", + "target": "1959" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8263618" + }, + "source": "1958", + "target": "1959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8768306" + }, + "source": "1960", + "target": "1963" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8071377" + }, + "source": "1960", + "target": "1964" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8800348" + }, + "source": "1960", + "target": "1965" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8508133" + }, + "source": "1960", + "target": "1966" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7599047" + }, + "source": "1960", + "target": "1967" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83060026" + }, + "source": "1960", + "target": "1968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87236434" + }, + "source": "1960", + "target": "1969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8035211" + }, + "source": "1962", + "target": "1964" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7620778" + }, + "source": "1962", + "target": "1965" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7774963" + }, + "source": "1962", + "target": "1966" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76435745" + }, + "source": "1962", + "target": "1967" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7741108" + }, + "source": "1962", + "target": "1968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7723806" + }, + "source": "1962", + "target": "1969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8471584" + }, + "source": "1963", + "target": "1965" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79019153" + }, + "source": "1963", + "target": "1966" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7946492" + }, + "source": "1963", + "target": "1968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9086585" + }, + "source": "1963", + "target": "1969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8368381" + }, + "source": "1964", + "target": "1965" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8842219" + }, + "source": "1964", + "target": "1966" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90670264" + }, + "source": "1964", + "target": "1967" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8418237" + }, + "source": "1964", + "target": "1968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7818835" + }, + "source": "1964", + "target": "1969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8514065" + }, + "source": "1965", + "target": "1966" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7995653" + }, + "source": "1965", + "target": "1967" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8261098" + }, + "source": "1965", + "target": "1968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81508327" + }, + "source": "1965", + "target": "1969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81163776" + }, + "source": "1966", + "target": "1967" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8361373" + }, + "source": "1966", + "target": "1968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8579948" + }, + "source": "1966", + "target": "1969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8180029" + }, + "source": "1967", + "target": "1968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7765311" + }, + "source": "1967", + "target": "1969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80838406" + }, + "source": "1968", + "target": "1969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8801376" + }, + "source": "1970", + "target": "1971" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9080061" + }, + "source": "1970", + "target": "1972" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9090708" + }, + "source": "1970", + "target": "1973" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78738034" + }, + "source": "1970", + "target": "1974" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82023233" + }, + "source": "1970", + "target": "1975" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.757756" + }, + "source": "1970", + "target": "1976" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7710365" + }, + "source": "1970", + "target": "1977" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8529567" + }, + "source": "1970", + "target": "1978" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8390453" + }, + "source": "1970", + "target": "1979" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9075043" + }, + "source": "1971", + "target": "1972" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.934193" + }, + "source": "1971", + "target": "1973" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75207865" + }, + "source": "1971", + "target": "1974" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8734623" + }, + "source": "1971", + "target": "1975" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.770246" + }, + "source": "1971", + "target": "1976" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91852784" + }, + "source": "1971", + "target": "1978" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9277536" + }, + "source": "1971", + "target": "1979" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88244486" + }, + "source": "1972", + "target": "1973" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.74903107" + }, + "source": "1972", + "target": "1974" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.870626" + }, + "source": "1972", + "target": "1975" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7506558" + }, + "source": "1972", + "target": "1976" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8850261" + }, + "source": "1972", + "target": "1978" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88517433" + }, + "source": "1972", + "target": "1979" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75997007" + }, + "source": "1973", + "target": "1974" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8264824" + }, + "source": "1973", + "target": "1975" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7584755" + }, + "source": "1973", + "target": "1976" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93610024" + }, + "source": "1973", + "target": "1978" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.947296" + }, + "source": "1973", + "target": "1979" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77668905" + }, + "source": "1974", + "target": "1976" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7742034" + }, + "source": "1974", + "target": "1977" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84535897" + }, + "source": "1975", + "target": "1978" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8417274" + }, + "source": "1975", + "target": "1979" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7530624" + }, + "source": "1976", + "target": "1978" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7529314" + }, + "source": "1976", + "target": "1979" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9489571" + }, + "source": "1978", + "target": "1979" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8259215" + }, + "source": "1980", + "target": "1981" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88990116" + }, + "source": "1980", + "target": "1982" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8673048" + }, + "source": "1980", + "target": "1983" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76697016" + }, + "source": "1980", + "target": "1985" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7531915" + }, + "source": "1980", + "target": "1988" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85396206" + }, + "source": "1980", + "target": "1989" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8007168" + }, + "source": "1981", + "target": "1982" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8387064" + }, + "source": "1981", + "target": "1983" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82410777" + }, + "source": "1981", + "target": "1988" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.841652" + }, + "source": "1981", + "target": "1989" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7845174" + }, + "source": "1982", + "target": "1983" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7793293" + }, + "source": "1982", + "target": "1988" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7647159" + }, + "source": "1982", + "target": "1989" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84269655" + }, + "source": "1983", + "target": "1989" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76827085" + }, + "source": "1990", + "target": "1991" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85068" + }, + "source": "1990", + "target": "1992" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78454834" + }, + "source": "1990", + "target": "1993" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7573564" + }, + "source": "1990", + "target": "1996" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77756137" + }, + "source": "1990", + "target": "1997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76512825" + }, + "source": "1990", + "target": "1998" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8596926" + }, + "source": "1991", + "target": "1992" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85460186" + }, + "source": "1991", + "target": "1993" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76298916" + }, + "source": "1991", + "target": "1994" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8459382" + }, + "source": "1991", + "target": "1995" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89488286" + }, + "source": "1991", + "target": "1996" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83681613" + }, + "source": "1991", + "target": "1997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76719093" + }, + "source": "1991", + "target": "1998" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90857685" + }, + "source": "1992", + "target": "1993" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8176948" + }, + "source": "1992", + "target": "1994" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8427594" + }, + "source": "1992", + "target": "1995" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.868991" + }, + "source": "1992", + "target": "1996" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8269706" + }, + "source": "1992", + "target": "1997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8655299" + }, + "source": "1992", + "target": "1998" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83539325" + }, + "source": "1992", + "target": "1999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8109595" + }, + "source": "1993", + "target": "1994" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86949366" + }, + "source": "1993", + "target": "1995" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83646715" + }, + "source": "1993", + "target": "1996" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82145035" + }, + "source": "1993", + "target": "1997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89001906" + }, + "source": "1993", + "target": "1998" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83012486" + }, + "source": "1993", + "target": "1999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7742772" + }, + "source": "1994", + "target": "1996" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83282244" + }, + "source": "1994", + "target": "1999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8126356" + }, + "source": "1995", + "target": "1996" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7688712" + }, + "source": "1995", + "target": "1997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8050313" + }, + "source": "1995", + "target": "1998" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7479204" + }, + "source": "1995", + "target": "1999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84623927" + }, + "source": "1996", + "target": "1997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8049793" + }, + "source": "1996", + "target": "1999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79200476" + }, + "source": "1997", + "target": "1998" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76211655" + }, + "source": "1998", + "target": "1999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8105762" + }, + "source": "2000", + "target": "2001" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76270163" + }, + "source": "2000", + "target": "2003" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7519442" + }, + "source": "2000", + "target": "2004" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80596995" + }, + "source": "2000", + "target": "2007" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8056367" + }, + "source": "2000", + "target": "2009" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75272167" + }, + "source": "2001", + "target": "2002" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90986335" + }, + "source": "2001", + "target": "2003" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86440897" + }, + "source": "2001", + "target": "2004" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87618417" + }, + "source": "2001", + "target": "2005" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84831285" + }, + "source": "2001", + "target": "2006" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97296596" + }, + "source": "2001", + "target": "2007" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.894667" + }, + "source": "2001", + "target": "2008" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9115044" + }, + "source": "2001", + "target": "2009" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8229487" + }, + "source": "2002", + "target": "2004" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8481574" + }, + "source": "2002", + "target": "2006" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82215166" + }, + "source": "2002", + "target": "2008" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7812103" + }, + "source": "2002", + "target": "2009" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8497193" + }, + "source": "2003", + "target": "2004" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8272804" + }, + "source": "2003", + "target": "2005" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8245629" + }, + "source": "2003", + "target": "2006" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9226521" + }, + "source": "2003", + "target": "2007" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8597186" + }, + "source": "2003", + "target": "2008" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8742968" + }, + "source": "2003", + "target": "2009" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76971596" + }, + "source": "2004", + "target": "2005" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87693685" + }, + "source": "2004", + "target": "2006" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8806479" + }, + "source": "2004", + "target": "2007" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8192684" + }, + "source": "2004", + "target": "2008" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8480207" + }, + "source": "2004", + "target": "2009" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.785181" + }, + "source": "2005", + "target": "2006" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.844789" + }, + "source": "2005", + "target": "2007" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8146902" + }, + "source": "2005", + "target": "2008" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8751167" + }, + "source": "2005", + "target": "2009" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85142875" + }, + "source": "2006", + "target": "2007" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81093645" + }, + "source": "2006", + "target": "2008" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8048435" + }, + "source": "2006", + "target": "2009" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8826812" + }, + "source": "2007", + "target": "2008" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9065577" + }, + "source": "2007", + "target": "2009" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84794295" + }, + "source": "2008", + "target": "2009" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9039365" + }, + "source": "2010", + "target": "2011" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9057828" + }, + "source": "2010", + "target": "2012" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92008424" + }, + "source": "2010", + "target": "2013" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9016546" + }, + "source": "2010", + "target": "2014" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9032121" + }, + "source": "2010", + "target": "2015" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9329089" + }, + "source": "2010", + "target": "2016" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9368273" + }, + "source": "2010", + "target": "2017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87738943" + }, + "source": "2010", + "target": "2018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92997265" + }, + "source": "2010", + "target": "2019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8759604" + }, + "source": "2011", + "target": "2012" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9150051" + }, + "source": "2011", + "target": "2013" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8788928" + }, + "source": "2011", + "target": "2014" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8674581" + }, + "source": "2011", + "target": "2015" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9298262" + }, + "source": "2011", + "target": "2016" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9322424" + }, + "source": "2011", + "target": "2017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8488349" + }, + "source": "2011", + "target": "2018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89857244" + }, + "source": "2011", + "target": "2019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9504299" + }, + "source": "2012", + "target": "2013" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98282933" + }, + "source": "2012", + "target": "2014" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89898837" + }, + "source": "2012", + "target": "2015" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9170152" + }, + "source": "2012", + "target": "2016" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9554578" + }, + "source": "2012", + "target": "2017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8901707" + }, + "source": "2012", + "target": "2018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9575888" + }, + "source": "2012", + "target": "2019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94829196" + }, + "source": "2013", + "target": "2014" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89350414" + }, + "source": "2013", + "target": "2015" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95545113" + }, + "source": "2013", + "target": "2016" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9726486" + }, + "source": "2013", + "target": "2017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87249744" + }, + "source": "2013", + "target": "2018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.969886" + }, + "source": "2013", + "target": "2019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8892331" + }, + "source": "2014", + "target": "2015" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9180014" + }, + "source": "2014", + "target": "2016" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9510089" + }, + "source": "2014", + "target": "2017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8983928" + }, + "source": "2014", + "target": "2018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95339215" + }, + "source": "2014", + "target": "2019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88811386" + }, + "source": "2015", + "target": "2016" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91571116" + }, + "source": "2015", + "target": "2017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86657697" + }, + "source": "2015", + "target": "2018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9148394" + }, + "source": "2015", + "target": "2019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9575535" + }, + "source": "2016", + "target": "2017" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87040865" + }, + "source": "2016", + "target": "2018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93454415" + }, + "source": "2016", + "target": "2019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88980424" + }, + "source": "2017", + "target": "2018" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98075044" + }, + "source": "2017", + "target": "2019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.889181" + }, + "source": "2018", + "target": "2019" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87874" + }, + "source": "2020", + "target": "2021" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87467414" + }, + "source": "2020", + "target": "2022" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8715247" + }, + "source": "2020", + "target": "2023" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8774178" + }, + "source": "2020", + "target": "2024" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87741786" + }, + "source": "2020", + "target": "2025" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8531879" + }, + "source": "2020", + "target": "2026" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8612344" + }, + "source": "2020", + "target": "2027" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87741786" + }, + "source": "2020", + "target": "2028" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87741786" + }, + "source": "2020", + "target": "2029" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9890667" + }, + "source": "2021", + "target": "2022" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9520569" + }, + "source": "2021", + "target": "2023" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99268264" + }, + "source": "2021", + "target": "2024" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9926828" + }, + "source": "2021", + "target": "2025" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9300937" + }, + "source": "2021", + "target": "2026" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95425135" + }, + "source": "2021", + "target": "2027" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9926828" + }, + "source": "2021", + "target": "2028" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9926828" + }, + "source": "2021", + "target": "2029" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9500648" + }, + "source": "2022", + "target": "2023" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9960489" + }, + "source": "2022", + "target": "2024" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99604905" + }, + "source": "2022", + "target": "2025" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9244162" + }, + "source": "2022", + "target": "2026" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9519529" + }, + "source": "2022", + "target": "2027" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99604905" + }, + "source": "2022", + "target": "2028" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99604905" + }, + "source": "2022", + "target": "2029" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9535657" + }, + "source": "2023", + "target": "2024" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95356584" + }, + "source": "2023", + "target": "2025" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9372307" + }, + "source": "2023", + "target": "2026" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96520096" + }, + "source": "2023", + "target": "2027" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95356584" + }, + "source": "2023", + "target": "2028" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95356584" + }, + "source": "2023", + "target": "2029" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99999994" + }, + "source": "2024", + "target": "2025" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9305591" + }, + "source": "2024", + "target": "2026" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95551" + }, + "source": "2024", + "target": "2027" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99999994" + }, + "source": "2024", + "target": "2028" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99999994" + }, + "source": "2024", + "target": "2029" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9305589" + }, + "source": "2025", + "target": "2026" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9555099" + }, + "source": "2025", + "target": "2027" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0" + }, + "source": "2025", + "target": "2028" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0" + }, + "source": "2025", + "target": "2029" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9589852" + }, + "source": "2026", + "target": "2027" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.930559" + }, + "source": "2026", + "target": "2028" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.930559" + }, + "source": "2026", + "target": "2029" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9555099" + }, + "source": "2027", + "target": "2028" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9555099" + }, + "source": "2027", + "target": "2029" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0" + }, + "source": "2028", + "target": "2029" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78470814" + }, + "source": "2030", + "target": "2031" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7981423" + }, + "source": "2030", + "target": "2032" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82522" + }, + "source": "2030", + "target": "2033" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81447995" + }, + "source": "2030", + "target": "2034" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7773282" + }, + "source": "2030", + "target": "2035" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7823499" + }, + "source": "2030", + "target": "2036" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8439127" + }, + "source": "2030", + "target": "2037" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78291595" + }, + "source": "2030", + "target": "2038" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81080925" + }, + "source": "2030", + "target": "2039" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9211097" + }, + "source": "2031", + "target": "2032" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8655467" + }, + "source": "2031", + "target": "2033" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92932534" + }, + "source": "2031", + "target": "2034" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.934466" + }, + "source": "2031", + "target": "2035" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9502586" + }, + "source": "2031", + "target": "2036" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9284677" + }, + "source": "2031", + "target": "2037" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9167458" + }, + "source": "2031", + "target": "2038" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92986965" + }, + "source": "2031", + "target": "2039" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8871572" + }, + "source": "2032", + "target": "2033" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9164423" + }, + "source": "2032", + "target": "2034" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9190731" + }, + "source": "2032", + "target": "2035" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9078089" + }, + "source": "2032", + "target": "2036" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8989646" + }, + "source": "2032", + "target": "2037" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.938741" + }, + "source": "2032", + "target": "2038" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90388095" + }, + "source": "2032", + "target": "2039" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8837626" + }, + "source": "2033", + "target": "2034" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8614447" + }, + "source": "2033", + "target": "2035" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8611974" + }, + "source": "2033", + "target": "2036" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9144628" + }, + "source": "2033", + "target": "2037" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89375716" + }, + "source": "2033", + "target": "2038" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.883114" + }, + "source": "2033", + "target": "2039" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9097822" + }, + "source": "2034", + "target": "2035" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9254935" + }, + "source": "2034", + "target": "2036" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.930186" + }, + "source": "2034", + "target": "2037" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8996756" + }, + "source": "2034", + "target": "2038" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92365503" + }, + "source": "2034", + "target": "2039" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94672406" + }, + "source": "2035", + "target": "2036" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9145263" + }, + "source": "2035", + "target": "2037" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9108124" + }, + "source": "2035", + "target": "2038" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9007388" + }, + "source": "2035", + "target": "2039" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92059267" + }, + "source": "2036", + "target": "2037" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89099395" + }, + "source": "2036", + "target": "2038" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91368973" + }, + "source": "2036", + "target": "2039" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89658105" + }, + "source": "2037", + "target": "2038" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94539666" + }, + "source": "2037", + "target": "2039" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.900481" + }, + "source": "2038", + "target": "2039" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9837079" + }, + "source": "2040", + "target": "2041" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9774476" + }, + "source": "2040", + "target": "2042" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.966136" + }, + "source": "2040", + "target": "2043" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.974977" + }, + "source": "2040", + "target": "2044" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9759301" + }, + "source": "2040", + "target": "2045" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9707152" + }, + "source": "2040", + "target": "2046" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94171107" + }, + "source": "2040", + "target": "2047" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9777464" + }, + "source": "2040", + "target": "2048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9395907" + }, + "source": "2040", + "target": "2049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97412646" + }, + "source": "2041", + "target": "2042" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96932256" + }, + "source": "2041", + "target": "2043" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.975724" + }, + "source": "2041", + "target": "2044" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97220683" + }, + "source": "2041", + "target": "2045" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97407293" + }, + "source": "2041", + "target": "2046" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94954175" + }, + "source": "2041", + "target": "2047" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97625077" + }, + "source": "2041", + "target": "2048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9430269" + }, + "source": "2041", + "target": "2049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9879458" + }, + "source": "2042", + "target": "2043" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9874861" + }, + "source": "2042", + "target": "2044" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9775887" + }, + "source": "2042", + "target": "2045" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.983544" + }, + "source": "2042", + "target": "2046" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95652044" + }, + "source": "2042", + "target": "2047" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99072766" + }, + "source": "2042", + "target": "2048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9471822" + }, + "source": "2042", + "target": "2049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98404783" + }, + "source": "2043", + "target": "2044" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.967556" + }, + "source": "2043", + "target": "2045" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98331374" + }, + "source": "2043", + "target": "2046" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96474385" + }, + "source": "2043", + "target": "2047" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98458505" + }, + "source": "2043", + "target": "2048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9415449" + }, + "source": "2043", + "target": "2049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96923804" + }, + "source": "2044", + "target": "2045" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9859425" + }, + "source": "2044", + "target": "2046" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95981836" + }, + "source": "2044", + "target": "2047" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99638456" + }, + "source": "2044", + "target": "2048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94814074" + }, + "source": "2044", + "target": "2049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9646561" + }, + "source": "2045", + "target": "2046" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94198835" + }, + "source": "2045", + "target": "2047" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97040534" + }, + "source": "2045", + "target": "2048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93381983" + }, + "source": "2045", + "target": "2049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95947134" + }, + "source": "2046", + "target": "2047" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98727834" + }, + "source": "2046", + "target": "2048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95521647" + }, + "source": "2046", + "target": "2049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9591415" + }, + "source": "2047", + "target": "2048" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9223064" + }, + "source": "2047", + "target": "2049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95017254" + }, + "source": "2048", + "target": "2049" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81000197" + }, + "source": "2050", + "target": "2051" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7938901" + }, + "source": "2050", + "target": "2052" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.78220546" + }, + "source": "2050", + "target": "2053" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7940103" + }, + "source": "2050", + "target": "2054" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8079444" + }, + "source": "2050", + "target": "2056" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7584868" + }, + "source": "2050", + "target": "2057" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.794099" + }, + "source": "2050", + "target": "2058" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.79552853" + }, + "source": "2050", + "target": "2059" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9833139" + }, + "source": "2051", + "target": "2052" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9705144" + }, + "source": "2051", + "target": "2053" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96165264" + }, + "source": "2051", + "target": "2054" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9293642" + }, + "source": "2051", + "target": "2055" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9994377" + }, + "source": "2051", + "target": "2056" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9469647" + }, + "source": "2051", + "target": "2057" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98390985" + }, + "source": "2051", + "target": "2058" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99309194" + }, + "source": "2051", + "target": "2059" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9883658" + }, + "source": "2052", + "target": "2053" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95788133" + }, + "source": "2052", + "target": "2054" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94050395" + }, + "source": "2052", + "target": "2055" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9806471" + }, + "source": "2052", + "target": "2056" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9592992" + }, + "source": "2052", + "target": "2057" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99259305" + }, + "source": "2052", + "target": "2058" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98138714" + }, + "source": "2052", + "target": "2059" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96672845" + }, + "source": "2053", + "target": "2054" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9615313" + }, + "source": "2053", + "target": "2055" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96858144" + }, + "source": "2053", + "target": "2056" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9750246" + }, + "source": "2053", + "target": "2057" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9901949" + }, + "source": "2053", + "target": "2058" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9711569" + }, + "source": "2053", + "target": "2059" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96644694" + }, + "source": "2054", + "target": "2055" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96085584" + }, + "source": "2054", + "target": "2056" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96058047" + }, + "source": "2054", + "target": "2057" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9637747" + }, + "source": "2054", + "target": "2058" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96565676" + }, + "source": "2054", + "target": "2059" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9280374" + }, + "source": "2055", + "target": "2056" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9933369" + }, + "source": "2055", + "target": "2057" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94549435" + }, + "source": "2055", + "target": "2058" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9301163" + }, + "source": "2055", + "target": "2059" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9453184" + }, + "source": "2056", + "target": "2057" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98211455" + }, + "source": "2056", + "target": "2058" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.993363" + }, + "source": "2056", + "target": "2059" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96180165" + }, + "source": "2057", + "target": "2058" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94616705" + }, + "source": "2057", + "target": "2059" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98283786" + }, + "source": "2058", + "target": "2059" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9099517" + }, + "source": "2060", + "target": "2061" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89634013" + }, + "source": "2060", + "target": "2062" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8706537" + }, + "source": "2060", + "target": "2063" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.789708" + }, + "source": "2060", + "target": "2064" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8325355" + }, + "source": "2060", + "target": "2065" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7945727" + }, + "source": "2060", + "target": "2066" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8497658" + }, + "source": "2060", + "target": "2067" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8785883" + }, + "source": "2060", + "target": "2068" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78221035" + }, + "source": "2060", + "target": "2069" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8756916" + }, + "source": "2061", + "target": "2062" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87398255" + }, + "source": "2061", + "target": "2063" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77735674" + }, + "source": "2061", + "target": "2065" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8024526" + }, + "source": "2061", + "target": "2067" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8745257" + }, + "source": "2061", + "target": "2068" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82011014" + }, + "source": "2061", + "target": "2069" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8139806" + }, + "source": "2062", + "target": "2063" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7566358" + }, + "source": "2062", + "target": "2064" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78649396" + }, + "source": "2062", + "target": "2065" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7863008" + }, + "source": "2062", + "target": "2066" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8007914" + }, + "source": "2062", + "target": "2067" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8490745" + }, + "source": "2062", + "target": "2068" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77792764" + }, + "source": "2062", + "target": "2069" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7482729" + }, + "source": "2063", + "target": "2065" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90047884" + }, + "source": "2063", + "target": "2068" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75952655" + }, + "source": "2063", + "target": "2069" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77451193" + }, + "source": "2064", + "target": "2066" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8411201" + }, + "source": "2064", + "target": "2067" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79996717" + }, + "source": "2065", + "target": "2066" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7615049" + }, + "source": "2065", + "target": "2067" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7871152" + }, + "source": "2065", + "target": "2068" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77177036" + }, + "source": "2066", + "target": "2067" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77277815" + }, + "source": "2067", + "target": "2069" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75587595" + }, + "source": "2068", + "target": "2069" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.791117" + }, + "source": "2070", + "target": "2071" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.965419" + }, + "source": "2070", + "target": "2072" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85635936" + }, + "source": "2070", + "target": "2073" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83246076" + }, + "source": "2070", + "target": "2074" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77143013" + }, + "source": "2070", + "target": "2075" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.99413955" + }, + "source": "2070", + "target": "2076" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79800916" + }, + "source": "2070", + "target": "2077" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8630971" + }, + "source": "2070", + "target": "2078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9494889" + }, + "source": "2070", + "target": "2079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7540702" + }, + "source": "2071", + "target": "2072" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80140096" + }, + "source": "2071", + "target": "2073" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7849571" + }, + "source": "2071", + "target": "2076" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8467399" + }, + "source": "2071", + "target": "2078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7787076" + }, + "source": "2071", + "target": "2079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8632581" + }, + "source": "2072", + "target": "2073" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85387087" + }, + "source": "2072", + "target": "2074" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76989245" + }, + "source": "2072", + "target": "2075" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9612108" + }, + "source": "2072", + "target": "2076" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82023114" + }, + "source": "2072", + "target": "2077" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85030127" + }, + "source": "2072", + "target": "2078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89125586" + }, + "source": "2072", + "target": "2079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8651824" + }, + "source": "2073", + "target": "2074" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8559507" + }, + "source": "2073", + "target": "2076" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8345064" + }, + "source": "2073", + "target": "2077" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9391254" + }, + "source": "2073", + "target": "2078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.861355" + }, + "source": "2073", + "target": "2079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8405113" + }, + "source": "2074", + "target": "2076" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87607586" + }, + "source": "2074", + "target": "2077" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81194204" + }, + "source": "2074", + "target": "2078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80541706" + }, + "source": "2074", + "target": "2079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77373856" + }, + "source": "2075", + "target": "2076" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7889697" + }, + "source": "2076", + "target": "2077" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86098146" + }, + "source": "2076", + "target": "2078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94578695" + }, + "source": "2076", + "target": "2079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78601646" + }, + "source": "2077", + "target": "2078" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75854313" + }, + "source": "2077", + "target": "2079" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86243665" + }, + "source": "2078", + "target": "2079" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92948353" + }, + "source": "2080", + "target": "2081" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8622789" + }, + "source": "2080", + "target": "2082" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9376282" + }, + "source": "2080", + "target": "2083" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8971813" + }, + "source": "2080", + "target": "2084" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9170537" + }, + "source": "2080", + "target": "2085" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8642665" + }, + "source": "2080", + "target": "2086" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8679338" + }, + "source": "2080", + "target": "2087" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85572886" + }, + "source": "2080", + "target": "2088" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88918054" + }, + "source": "2080", + "target": "2089" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9387557" + }, + "source": "2081", + "target": "2082" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93696207" + }, + "source": "2081", + "target": "2083" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92912984" + }, + "source": "2081", + "target": "2084" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95473313" + }, + "source": "2081", + "target": "2085" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92932236" + }, + "source": "2081", + "target": "2086" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8970797" + }, + "source": "2081", + "target": "2087" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9210507" + }, + "source": "2081", + "target": "2088" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.910918" + }, + "source": "2081", + "target": "2089" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91066647" + }, + "source": "2082", + "target": "2083" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.892243" + }, + "source": "2082", + "target": "2084" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9425812" + }, + "source": "2082", + "target": "2085" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.889307" + }, + "source": "2082", + "target": "2086" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9151262" + }, + "source": "2082", + "target": "2087" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9102764" + }, + "source": "2082", + "target": "2088" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8909966" + }, + "source": "2082", + "target": "2089" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9356191" + }, + "source": "2083", + "target": "2084" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9499577" + }, + "source": "2083", + "target": "2085" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89324135" + }, + "source": "2083", + "target": "2086" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91309905" + }, + "source": "2083", + "target": "2087" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9009273" + }, + "source": "2083", + "target": "2088" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9077458" + }, + "source": "2083", + "target": "2089" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9415778" + }, + "source": "2084", + "target": "2085" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8993368" + }, + "source": "2084", + "target": "2086" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8799418" + }, + "source": "2084", + "target": "2087" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87542176" + }, + "source": "2084", + "target": "2088" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88925886" + }, + "source": "2084", + "target": "2089" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9286567" + }, + "source": "2085", + "target": "2086" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92258394" + }, + "source": "2085", + "target": "2087" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9151571" + }, + "source": "2085", + "target": "2088" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9378195" + }, + "source": "2085", + "target": "2089" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8858187" + }, + "source": "2086", + "target": "2087" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8954394" + }, + "source": "2086", + "target": "2088" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89901936" + }, + "source": "2086", + "target": "2089" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93877816" + }, + "source": "2087", + "target": "2088" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92478263" + }, + "source": "2087", + "target": "2089" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8921361" + }, + "source": "2088", + "target": "2089" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8310622" + }, + "source": "2090", + "target": "2091" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7576904" + }, + "source": "2090", + "target": "2092" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7706559" + }, + "source": "2090", + "target": "2093" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76099825" + }, + "source": "2090", + "target": "2094" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8549433" + }, + "source": "2090", + "target": "2095" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8045441" + }, + "source": "2090", + "target": "2096" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8081238" + }, + "source": "2090", + "target": "2097" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8320389" + }, + "source": "2090", + "target": "2099" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86552423" + }, + "source": "2091", + "target": "2092" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8826821" + }, + "source": "2091", + "target": "2093" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8435529" + }, + "source": "2091", + "target": "2094" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8944607" + }, + "source": "2091", + "target": "2095" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88381565" + }, + "source": "2091", + "target": "2096" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9010144" + }, + "source": "2091", + "target": "2097" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82459795" + }, + "source": "2091", + "target": "2098" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86748254" + }, + "source": "2091", + "target": "2099" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88453996" + }, + "source": "2092", + "target": "2093" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8352318" + }, + "source": "2092", + "target": "2094" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8151617" + }, + "source": "2092", + "target": "2095" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88012314" + }, + "source": "2092", + "target": "2096" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.889269" + }, + "source": "2092", + "target": "2097" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87267524" + }, + "source": "2092", + "target": "2098" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8225318" + }, + "source": "2092", + "target": "2099" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81776017" + }, + "source": "2093", + "target": "2094" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86680937" + }, + "source": "2093", + "target": "2095" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90322876" + }, + "source": "2093", + "target": "2096" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8651993" + }, + "source": "2093", + "target": "2097" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89731544" + }, + "source": "2093", + "target": "2098" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8813301" + }, + "source": "2093", + "target": "2099" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7702875" + }, + "source": "2094", + "target": "2095" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80079126" + }, + "source": "2094", + "target": "2096" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9242165" + }, + "source": "2094", + "target": "2097" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84272695" + }, + "source": "2094", + "target": "2098" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7692079" + }, + "source": "2094", + "target": "2099" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85163146" + }, + "source": "2095", + "target": "2096" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8447147" + }, + "source": "2095", + "target": "2097" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8194217" + }, + "source": "2095", + "target": "2098" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90746343" + }, + "source": "2095", + "target": "2099" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8400646" + }, + "source": "2096", + "target": "2097" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8527998" + }, + "source": "2096", + "target": "2098" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85047406" + }, + "source": "2096", + "target": "2099" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8358041" + }, + "source": "2097", + "target": "2098" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.827754" + }, + "source": "2097", + "target": "2099" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78264546" + }, + "source": "2098", + "target": "2099" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9494419" + }, + "source": "2101", + "target": "2102" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96434546" + }, + "source": "2101", + "target": "2103" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9461253" + }, + "source": "2101", + "target": "2104" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8935933" + }, + "source": "2101", + "target": "2105" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8704822" + }, + "source": "2101", + "target": "2106" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92573345" + }, + "source": "2101", + "target": "2107" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9217595" + }, + "source": "2101", + "target": "2108" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8971158" + }, + "source": "2101", + "target": "2109" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94305074" + }, + "source": "2102", + "target": "2103" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95633686" + }, + "source": "2102", + "target": "2104" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.942742" + }, + "source": "2102", + "target": "2105" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.913093" + }, + "source": "2102", + "target": "2106" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9604353" + }, + "source": "2102", + "target": "2107" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.929287" + }, + "source": "2102", + "target": "2108" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93473077" + }, + "source": "2102", + "target": "2109" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96542096" + }, + "source": "2103", + "target": "2104" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89160097" + }, + "source": "2103", + "target": "2105" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.856807" + }, + "source": "2103", + "target": "2106" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9221059" + }, + "source": "2103", + "target": "2107" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9057632" + }, + "source": "2103", + "target": "2108" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8925389" + }, + "source": "2103", + "target": "2109" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91937983" + }, + "source": "2104", + "target": "2105" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88193715" + }, + "source": "2104", + "target": "2106" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9430311" + }, + "source": "2104", + "target": "2107" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91924644" + }, + "source": "2104", + "target": "2108" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91930366" + }, + "source": "2104", + "target": "2109" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95483845" + }, + "source": "2105", + "target": "2106" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9435088" + }, + "source": "2105", + "target": "2107" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8969448" + }, + "source": "2105", + "target": "2108" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9722276" + }, + "source": "2105", + "target": "2109" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92458737" + }, + "source": "2106", + "target": "2107" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88162196" + }, + "source": "2106", + "target": "2108" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9356079" + }, + "source": "2106", + "target": "2109" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92356324" + }, + "source": "2107", + "target": "2108" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9381066" + }, + "source": "2107", + "target": "2109" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8973646" + }, + "source": "2108", + "target": "2109" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9644853" + }, + "source": "2110", + "target": "2111" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93403554" + }, + "source": "2110", + "target": "2112" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95785344" + }, + "source": "2110", + "target": "2113" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95037484" + }, + "source": "2110", + "target": "2114" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9272449" + }, + "source": "2110", + "target": "2115" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95575345" + }, + "source": "2110", + "target": "2116" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9603958" + }, + "source": "2110", + "target": "2117" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97063214" + }, + "source": "2110", + "target": "2118" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96374345" + }, + "source": "2110", + "target": "2119" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9295907" + }, + "source": "2111", + "target": "2112" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9858407" + }, + "source": "2111", + "target": "2113" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95801103" + }, + "source": "2111", + "target": "2114" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8745994" + }, + "source": "2111", + "target": "2115" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9938513" + }, + "source": "2111", + "target": "2116" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9697014" + }, + "source": "2111", + "target": "2117" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96715134" + }, + "source": "2111", + "target": "2118" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9374958" + }, + "source": "2111", + "target": "2119" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94600224" + }, + "source": "2112", + "target": "2113" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95577395" + }, + "source": "2112", + "target": "2114" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8851502" + }, + "source": "2112", + "target": "2115" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92369914" + }, + "source": "2112", + "target": "2116" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91315544" + }, + "source": "2112", + "target": "2117" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.954182" + }, + "source": "2112", + "target": "2118" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9134413" + }, + "source": "2112", + "target": "2119" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97626114" + }, + "source": "2113", + "target": "2114" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8871764" + }, + "source": "2113", + "target": "2115" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.986257" + }, + "source": "2113", + "target": "2116" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9667017" + }, + "source": "2113", + "target": "2117" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9777224" + }, + "source": "2113", + "target": "2118" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.942104" + }, + "source": "2113", + "target": "2119" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8906605" + }, + "source": "2114", + "target": "2115" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95318353" + }, + "source": "2114", + "target": "2116" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9257701" + }, + "source": "2114", + "target": "2117" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9850595" + }, + "source": "2114", + "target": "2118" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9377444" + }, + "source": "2114", + "target": "2119" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8615662" + }, + "source": "2115", + "target": "2116" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9027889" + }, + "source": "2115", + "target": "2117" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91199315" + }, + "source": "2115", + "target": "2118" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90442944" + }, + "source": "2115", + "target": "2119" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96074253" + }, + "source": "2116", + "target": "2117" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95915246" + }, + "source": "2116", + "target": "2118" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9295174" + }, + "source": "2116", + "target": "2119" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94390106" + }, + "source": "2117", + "target": "2118" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9570687" + }, + "source": "2117", + "target": "2119" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.953603" + }, + "source": "2118", + "target": "2119" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8850194" + }, + "source": "2120", + "target": "2121" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.899596" + }, + "source": "2120", + "target": "2122" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92145586" + }, + "source": "2120", + "target": "2123" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9028537" + }, + "source": "2120", + "target": "2124" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92301166" + }, + "source": "2120", + "target": "2125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9060316" + }, + "source": "2120", + "target": "2126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84844637" + }, + "source": "2120", + "target": "2127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8681649" + }, + "source": "2120", + "target": "2128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.915399" + }, + "source": "2120", + "target": "2129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9505372" + }, + "source": "2121", + "target": "2122" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96193296" + }, + "source": "2121", + "target": "2123" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97167474" + }, + "source": "2121", + "target": "2124" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9612073" + }, + "source": "2121", + "target": "2125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96077466" + }, + "source": "2121", + "target": "2126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90229034" + }, + "source": "2121", + "target": "2127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92170346" + }, + "source": "2121", + "target": "2128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9690819" + }, + "source": "2121", + "target": "2129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97868794" + }, + "source": "2122", + "target": "2123" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9661791" + }, + "source": "2122", + "target": "2124" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9750509" + }, + "source": "2122", + "target": "2125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9615731" + }, + "source": "2122", + "target": "2126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9169981" + }, + "source": "2122", + "target": "2127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92359316" + }, + "source": "2122", + "target": "2128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97683996" + }, + "source": "2122", + "target": "2129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9781575" + }, + "source": "2123", + "target": "2124" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9901737" + }, + "source": "2123", + "target": "2125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98061025" + }, + "source": "2123", + "target": "2126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93536735" + }, + "source": "2123", + "target": "2127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9501204" + }, + "source": "2123", + "target": "2128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9932201" + }, + "source": "2123", + "target": "2129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9737518" + }, + "source": "2124", + "target": "2125" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9688624" + }, + "source": "2124", + "target": "2126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92375046" + }, + "source": "2124", + "target": "2127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9367032" + }, + "source": "2124", + "target": "2128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.982087" + }, + "source": "2124", + "target": "2129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9753448" + }, + "source": "2125", + "target": "2126" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90116435" + }, + "source": "2125", + "target": "2127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94903874" + }, + "source": "2125", + "target": "2128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.990599" + }, + "source": "2125", + "target": "2129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.921203" + }, + "source": "2126", + "target": "2127" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9376028" + }, + "source": "2126", + "target": "2128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9810096" + }, + "source": "2126", + "target": "2129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.891783" + }, + "source": "2127", + "target": "2128" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9319056" + }, + "source": "2127", + "target": "2129" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9515321" + }, + "source": "2128", + "target": "2129" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.759303" + }, + "source": "2131", + "target": "2132" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.786736" + }, + "source": "2131", + "target": "2136" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8221892" + }, + "source": "2131", + "target": "2137" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7971637" + }, + "source": "2131", + "target": "2139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7711555" + }, + "source": "2132", + "target": "2133" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77765894" + }, + "source": "2132", + "target": "2137" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7597929" + }, + "source": "2132", + "target": "2139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7652643" + }, + "source": "2133", + "target": "2135" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7540358" + }, + "source": "2133", + "target": "2139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7579049" + }, + "source": "2134", + "target": "2137" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7755853" + }, + "source": "2135", + "target": "2136" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75870085" + }, + "source": "2135", + "target": "2138" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7854653" + }, + "source": "2135", + "target": "2139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83119226" + }, + "source": "2136", + "target": "2138" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76633567" + }, + "source": "2136", + "target": "2139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7660471" + }, + "source": "2138", + "target": "2139" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7663703" + }, + "source": "2141", + "target": "2142" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7503779" + }, + "source": "2141", + "target": "2144" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7710236" + }, + "source": "2141", + "target": "2145" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81283045" + }, + "source": "2141", + "target": "2146" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7980529" + }, + "source": "2141", + "target": "2147" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7871106" + }, + "source": "2142", + "target": "2143" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77279997" + }, + "source": "2142", + "target": "2145" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7511301" + }, + "source": "2142", + "target": "2148" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.783098" + }, + "source": "2144", + "target": "2145" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78182423" + }, + "source": "2144", + "target": "2147" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7927699" + }, + "source": "2144", + "target": "2148" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80760723" + }, + "source": "2145", + "target": "2147" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7930544" + }, + "source": "2148", + "target": "2149" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81490743" + }, + "source": "2150", + "target": "2151" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9064167" + }, + "source": "2150", + "target": "2152" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8723987" + }, + "source": "2150", + "target": "2153" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8175972" + }, + "source": "2150", + "target": "2154" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88414377" + }, + "source": "2150", + "target": "2155" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8652415" + }, + "source": "2150", + "target": "2156" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8702743" + }, + "source": "2150", + "target": "2157" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8969111" + }, + "source": "2150", + "target": "2158" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8746882" + }, + "source": "2151", + "target": "2152" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8559491" + }, + "source": "2151", + "target": "2153" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.890744" + }, + "source": "2151", + "target": "2154" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8642112" + }, + "source": "2151", + "target": "2155" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84786224" + }, + "source": "2151", + "target": "2156" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93869203" + }, + "source": "2151", + "target": "2157" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8711002" + }, + "source": "2151", + "target": "2158" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.75049907" + }, + "source": "2151", + "target": "2159" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9193765" + }, + "source": "2152", + "target": "2153" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87301457" + }, + "source": "2152", + "target": "2154" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9783178" + }, + "source": "2152", + "target": "2155" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9157239" + }, + "source": "2152", + "target": "2156" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91854894" + }, + "source": "2152", + "target": "2157" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9854214" + }, + "source": "2152", + "target": "2158" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77334064" + }, + "source": "2152", + "target": "2159" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8525964" + }, + "source": "2153", + "target": "2154" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9066592" + }, + "source": "2153", + "target": "2155" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9878368" + }, + "source": "2153", + "target": "2156" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9021199" + }, + "source": "2153", + "target": "2157" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91238207" + }, + "source": "2153", + "target": "2158" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87079144" + }, + "source": "2153", + "target": "2159" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85192597" + }, + "source": "2154", + "target": "2155" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8425821" + }, + "source": "2154", + "target": "2156" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93445414" + }, + "source": "2154", + "target": "2157" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8693305" + }, + "source": "2154", + "target": "2158" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9003477" + }, + "source": "2155", + "target": "2156" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90199244" + }, + "source": "2155", + "target": "2157" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9640022" + }, + "source": "2155", + "target": "2158" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77597153" + }, + "source": "2155", + "target": "2159" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8906473" + }, + "source": "2156", + "target": "2157" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90465534" + }, + "source": "2156", + "target": "2158" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8542212" + }, + "source": "2156", + "target": "2159" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91492707" + }, + "source": "2157", + "target": "2158" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7652762" + }, + "source": "2157", + "target": "2159" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7689979" + }, + "source": "2158", + "target": "2159" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.79015946" + }, + "source": "2160", + "target": "2161" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7694635" + }, + "source": "2160", + "target": "2162" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.76220554" + }, + "source": "2160", + "target": "2163" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7848798" + }, + "source": "2160", + "target": "2164" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7914336" + }, + "source": "2160", + "target": "2165" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7704456" + }, + "source": "2160", + "target": "2166" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.77075255" + }, + "source": "2160", + "target": "2167" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7834875" + }, + "source": "2160", + "target": "2168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.749726" + }, + "source": "2160", + "target": "2169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9585544" + }, + "source": "2161", + "target": "2162" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91976666" + }, + "source": "2161", + "target": "2163" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9575791" + }, + "source": "2161", + "target": "2164" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96615714" + }, + "source": "2161", + "target": "2165" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9671917" + }, + "source": "2161", + "target": "2166" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96227336" + }, + "source": "2161", + "target": "2167" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96986055" + }, + "source": "2161", + "target": "2168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9488131" + }, + "source": "2161", + "target": "2169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89806354" + }, + "source": "2162", + "target": "2163" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.976998" + }, + "source": "2162", + "target": "2164" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9676702" + }, + "source": "2162", + "target": "2165" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91955316" + }, + "source": "2162", + "target": "2166" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91672176" + }, + "source": "2162", + "target": "2167" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9314077" + }, + "source": "2162", + "target": "2168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8964641" + }, + "source": "2162", + "target": "2169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9075229" + }, + "source": "2163", + "target": "2164" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9154138" + }, + "source": "2163", + "target": "2165" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91186863" + }, + "source": "2163", + "target": "2166" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9067807" + }, + "source": "2163", + "target": "2167" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91734505" + }, + "source": "2163", + "target": "2168" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8969631" + }, + "source": "2163", + "target": "2169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93889225" + }, + "source": "2164", + "target": "2165" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9136628" + }, + "source": "2164", + "target": "2166" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91386586" + }, + "source": "2164", + "target": "2167" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93110436" + }, + "source": "2164", + "target": "2168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8911375" + }, + "source": "2164", + "target": "2169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96115947" + }, + "source": "2165", + "target": "2166" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94831" + }, + "source": "2165", + "target": "2167" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9715211" + }, + "source": "2165", + "target": "2168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9413649" + }, + "source": "2165", + "target": "2169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9819126" + }, + "source": "2166", + "target": "2167" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9939393" + }, + "source": "2166", + "target": "2168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9932116" + }, + "source": "2166", + "target": "2169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97378415" + }, + "source": "2167", + "target": "2168" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98249763" + }, + "source": "2167", + "target": "2169" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9843358" + }, + "source": "2168", + "target": "2169" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90018415" + }, + "source": "2170", + "target": "2171" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9377815" + }, + "source": "2170", + "target": "2172" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9462904" + }, + "source": "2170", + "target": "2173" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8851881" + }, + "source": "2170", + "target": "2175" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.881396" + }, + "source": "2170", + "target": "2176" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86816126" + }, + "source": "2170", + "target": "2177" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9095725" + }, + "source": "2170", + "target": "2178" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9284779" + }, + "source": "2170", + "target": "2179" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89930755" + }, + "source": "2171", + "target": "2172" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8934252" + }, + "source": "2171", + "target": "2173" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8353212" + }, + "source": "2171", + "target": "2175" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82870805" + }, + "source": "2171", + "target": "2176" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82971454" + }, + "source": "2171", + "target": "2177" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8691436" + }, + "source": "2171", + "target": "2178" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88820636" + }, + "source": "2171", + "target": "2179" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92797875" + }, + "source": "2172", + "target": "2173" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85076773" + }, + "source": "2172", + "target": "2175" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8701006" + }, + "source": "2172", + "target": "2176" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85221344" + }, + "source": "2172", + "target": "2177" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88926387" + }, + "source": "2172", + "target": "2178" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9000517" + }, + "source": "2172", + "target": "2179" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87871826" + }, + "source": "2173", + "target": "2175" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.863799" + }, + "source": "2173", + "target": "2176" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8674644" + }, + "source": "2173", + "target": "2177" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9022527" + }, + "source": "2173", + "target": "2178" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9258472" + }, + "source": "2173", + "target": "2179" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84343696" + }, + "source": "2175", + "target": "2176" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8510624" + }, + "source": "2175", + "target": "2177" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83304703" + }, + "source": "2175", + "target": "2178" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8196108" + }, + "source": "2175", + "target": "2179" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.893402" + }, + "source": "2176", + "target": "2177" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8276788" + }, + "source": "2176", + "target": "2178" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8094559" + }, + "source": "2176", + "target": "2179" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83437836" + }, + "source": "2177", + "target": "2178" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8300811" + }, + "source": "2177", + "target": "2179" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9257571" + }, + "source": "2178", + "target": "2179" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9683765" + }, + "source": "2180", + "target": "2181" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9902637" + }, + "source": "2180", + "target": "2182" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9857224" + }, + "source": "2180", + "target": "2183" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98683584" + }, + "source": "2180", + "target": "2184" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98648417" + }, + "source": "2180", + "target": "2185" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9874207" + }, + "source": "2180", + "target": "2186" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9842284" + }, + "source": "2180", + "target": "2187" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9428774" + }, + "source": "2180", + "target": "2188" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9752885" + }, + "source": "2180", + "target": "2189" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9734485" + }, + "source": "2181", + "target": "2182" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9763095" + }, + "source": "2181", + "target": "2183" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9814652" + }, + "source": "2181", + "target": "2184" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9772619" + }, + "source": "2181", + "target": "2185" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9786697" + }, + "source": "2181", + "target": "2186" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9756105" + }, + "source": "2181", + "target": "2187" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9162959" + }, + "source": "2181", + "target": "2188" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9580607" + }, + "source": "2181", + "target": "2189" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9875357" + }, + "source": "2182", + "target": "2183" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99171007" + }, + "source": "2182", + "target": "2184" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98707527" + }, + "source": "2182", + "target": "2185" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9899062" + }, + "source": "2182", + "target": "2186" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9873827" + }, + "source": "2182", + "target": "2187" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9406272" + }, + "source": "2182", + "target": "2188" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9782001" + }, + "source": "2182", + "target": "2189" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9890348" + }, + "source": "2183", + "target": "2184" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9918637" + }, + "source": "2183", + "target": "2185" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9953622" + }, + "source": "2183", + "target": "2186" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9951884" + }, + "source": "2183", + "target": "2187" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9374395" + }, + "source": "2183", + "target": "2188" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9688498" + }, + "source": "2183", + "target": "2189" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9887638" + }, + "source": "2184", + "target": "2185" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9907176" + }, + "source": "2184", + "target": "2186" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9884072" + }, + "source": "2184", + "target": "2187" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94403344" + }, + "source": "2184", + "target": "2188" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98396105" + }, + "source": "2184", + "target": "2189" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9914484" + }, + "source": "2185", + "target": "2186" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98975384" + }, + "source": "2185", + "target": "2187" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93073905" + }, + "source": "2185", + "target": "2188" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.967128" + }, + "source": "2185", + "target": "2189" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9941989" + }, + "source": "2186", + "target": "2187" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93558776" + }, + "source": "2186", + "target": "2188" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9702833" + }, + "source": "2186", + "target": "2189" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9304465" + }, + "source": "2187", + "target": "2188" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9676075" + }, + "source": "2187", + "target": "2189" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95114046" + }, + "source": "2188", + "target": "2189" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98863494" + }, + "source": "2190", + "target": "2191" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97446704" + }, + "source": "2190", + "target": "2192" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.987732" + }, + "source": "2190", + "target": "2193" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9861703" + }, + "source": "2190", + "target": "2194" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97744155" + }, + "source": "2190", + "target": "2195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97600675" + }, + "source": "2190", + "target": "2196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98549986" + }, + "source": "2190", + "target": "2197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98664355" + }, + "source": "2190", + "target": "2198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98973364" + }, + "source": "2190", + "target": "2199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98343134" + }, + "source": "2191", + "target": "2192" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99831307" + }, + "source": "2191", + "target": "2193" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99743986" + }, + "source": "2191", + "target": "2194" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9906034" + }, + "source": "2191", + "target": "2195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9867813" + }, + "source": "2191", + "target": "2196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9968599" + }, + "source": "2191", + "target": "2197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99579084" + }, + "source": "2191", + "target": "2198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9993014" + }, + "source": "2191", + "target": "2199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9811285" + }, + "source": "2192", + "target": "2193" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9791323" + }, + "source": "2192", + "target": "2194" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97383845" + }, + "source": "2192", + "target": "2195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9715133" + }, + "source": "2192", + "target": "2196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9804384" + }, + "source": "2192", + "target": "2197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9808247" + }, + "source": "2192", + "target": "2198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9834274" + }, + "source": "2192", + "target": "2199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9975414" + }, + "source": "2193", + "target": "2194" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9880469" + }, + "source": "2193", + "target": "2195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9854999" + }, + "source": "2193", + "target": "2196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99527144" + }, + "source": "2193", + "target": "2197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99408144" + }, + "source": "2193", + "target": "2198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99796444" + }, + "source": "2193", + "target": "2199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98697966" + }, + "source": "2194", + "target": "2195" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9834131" + }, + "source": "2194", + "target": "2196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9948418" + }, + "source": "2194", + "target": "2197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.993121" + }, + "source": "2194", + "target": "2198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99706006" + }, + "source": "2194", + "target": "2199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9780698" + }, + "source": "2195", + "target": "2196" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9872167" + }, + "source": "2195", + "target": "2197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9865347" + }, + "source": "2195", + "target": "2198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98947406" + }, + "source": "2195", + "target": "2199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98341095" + }, + "source": "2196", + "target": "2197" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98101234" + }, + "source": "2196", + "target": "2198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9857876" + }, + "source": "2196", + "target": "2199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9910649" + }, + "source": "2197", + "target": "2198" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9961732" + }, + "source": "2197", + "target": "2199" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99527276" + }, + "source": "2198", + "target": "2199" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84206486" + }, + "source": "2200", + "target": "2201" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8352145" + }, + "source": "2200", + "target": "2202" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8455661" + }, + "source": "2200", + "target": "2203" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7778939" + }, + "source": "2200", + "target": "2204" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7835806" + }, + "source": "2200", + "target": "2205" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8310324" + }, + "source": "2200", + "target": "2206" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76346874" + }, + "source": "2200", + "target": "2207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.812572" + }, + "source": "2200", + "target": "2208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.821754" + }, + "source": "2200", + "target": "2209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92621255" + }, + "source": "2201", + "target": "2202" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9490001" + }, + "source": "2201", + "target": "2203" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85536575" + }, + "source": "2201", + "target": "2204" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88645846" + }, + "source": "2201", + "target": "2205" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8992751" + }, + "source": "2201", + "target": "2206" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90569675" + }, + "source": "2201", + "target": "2207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91538334" + }, + "source": "2201", + "target": "2208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87263095" + }, + "source": "2201", + "target": "2209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9123907" + }, + "source": "2202", + "target": "2203" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89464355" + }, + "source": "2202", + "target": "2204" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.880535" + }, + "source": "2202", + "target": "2205" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94176346" + }, + "source": "2202", + "target": "2206" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8437761" + }, + "source": "2202", + "target": "2207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92283887" + }, + "source": "2202", + "target": "2208" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.878114" + }, + "source": "2202", + "target": "2209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8584822" + }, + "source": "2203", + "target": "2204" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88084567" + }, + "source": "2203", + "target": "2205" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8995122" + }, + "source": "2203", + "target": "2206" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87610865" + }, + "source": "2203", + "target": "2207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92153955" + }, + "source": "2203", + "target": "2208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8705162" + }, + "source": "2203", + "target": "2209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86305606" + }, + "source": "2204", + "target": "2205" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.862594" + }, + "source": "2204", + "target": "2206" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80090916" + }, + "source": "2204", + "target": "2207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83478266" + }, + "source": "2204", + "target": "2208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8195795" + }, + "source": "2204", + "target": "2209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85534406" + }, + "source": "2205", + "target": "2206" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79339314" + }, + "source": "2205", + "target": "2207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84640145" + }, + "source": "2205", + "target": "2208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8594116" + }, + "source": "2205", + "target": "2209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85497963" + }, + "source": "2206", + "target": "2207" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91108334" + }, + "source": "2206", + "target": "2208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.857447" + }, + "source": "2206", + "target": "2209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8522842" + }, + "source": "2207", + "target": "2208" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8153672" + }, + "source": "2207", + "target": "2209" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8475615" + }, + "source": "2208", + "target": "2209" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9079958" + }, + "source": "2210", + "target": "2211" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8822335" + }, + "source": "2210", + "target": "2212" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8878486" + }, + "source": "2210", + "target": "2213" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89622843" + }, + "source": "2210", + "target": "2214" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.884917" + }, + "source": "2210", + "target": "2215" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8867362" + }, + "source": "2210", + "target": "2216" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9032626" + }, + "source": "2210", + "target": "2217" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88393664" + }, + "source": "2210", + "target": "2218" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89419776" + }, + "source": "2210", + "target": "2219" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9813824" + }, + "source": "2211", + "target": "2212" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9777751" + }, + "source": "2211", + "target": "2213" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97496873" + }, + "source": "2211", + "target": "2214" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9622275" + }, + "source": "2211", + "target": "2215" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9621477" + }, + "source": "2211", + "target": "2216" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98211926" + }, + "source": "2211", + "target": "2217" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95554906" + }, + "source": "2211", + "target": "2218" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96683383" + }, + "source": "2211", + "target": "2219" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.979933" + }, + "source": "2212", + "target": "2213" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9801204" + }, + "source": "2212", + "target": "2214" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95851713" + }, + "source": "2212", + "target": "2215" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9654871" + }, + "source": "2212", + "target": "2216" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97483844" + }, + "source": "2212", + "target": "2217" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94927514" + }, + "source": "2212", + "target": "2218" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96673083" + }, + "source": "2212", + "target": "2219" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9824717" + }, + "source": "2213", + "target": "2214" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9433157" + }, + "source": "2213", + "target": "2215" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98786044" + }, + "source": "2213", + "target": "2216" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97921383" + }, + "source": "2213", + "target": "2217" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9645201" + }, + "source": "2213", + "target": "2218" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9667703" + }, + "source": "2213", + "target": "2219" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94927776" + }, + "source": "2214", + "target": "2215" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98259056" + }, + "source": "2214", + "target": "2216" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97610533" + }, + "source": "2214", + "target": "2217" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9553189" + }, + "source": "2214", + "target": "2218" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9711334" + }, + "source": "2214", + "target": "2219" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9403832" + }, + "source": "2215", + "target": "2216" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95708585" + }, + "source": "2215", + "target": "2217" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94270384" + }, + "source": "2215", + "target": "2218" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9497435" + }, + "source": "2215", + "target": "2219" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.970645" + }, + "source": "2216", + "target": "2217" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9653182" + }, + "source": "2216", + "target": "2218" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96507007" + }, + "source": "2216", + "target": "2219" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95964247" + }, + "source": "2217", + "target": "2218" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98420346" + }, + "source": "2217", + "target": "2219" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9521438" + }, + "source": "2218", + "target": "2219" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87331235" + }, + "source": "2220", + "target": "2221" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9185132" + }, + "source": "2220", + "target": "2222" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83152" + }, + "source": "2220", + "target": "2223" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7926799" + }, + "source": "2220", + "target": "2224" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7877932" + }, + "source": "2220", + "target": "2225" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76469976" + }, + "source": "2220", + "target": "2226" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83002794" + }, + "source": "2220", + "target": "2227" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93774974" + }, + "source": "2220", + "target": "2228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90936226" + }, + "source": "2220", + "target": "2229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.834129" + }, + "source": "2221", + "target": "2222" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7829227" + }, + "source": "2221", + "target": "2223" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75910074" + }, + "source": "2221", + "target": "2224" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77793396" + }, + "source": "2221", + "target": "2227" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85986626" + }, + "source": "2221", + "target": "2228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9106611" + }, + "source": "2221", + "target": "2229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.795051" + }, + "source": "2222", + "target": "2223" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78970516" + }, + "source": "2222", + "target": "2225" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82705873" + }, + "source": "2222", + "target": "2227" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92109317" + }, + "source": "2222", + "target": "2228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8749084" + }, + "source": "2222", + "target": "2229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77287006" + }, + "source": "2223", + "target": "2225" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.74830985" + }, + "source": "2223", + "target": "2226" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80753386" + }, + "source": "2223", + "target": "2228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8830542" + }, + "source": "2223", + "target": "2229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7768276" + }, + "source": "2224", + "target": "2228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.769741" + }, + "source": "2224", + "target": "2229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75697404" + }, + "source": "2225", + "target": "2228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79170215" + }, + "source": "2225", + "target": "2229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8447164" + }, + "source": "2227", + "target": "2228" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79338485" + }, + "source": "2227", + "target": "2229" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89875937" + }, + "source": "2228", + "target": "2229" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8198538" + }, + "source": "2230", + "target": "2231" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82162327" + }, + "source": "2230", + "target": "2233" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7940495" + }, + "source": "2230", + "target": "2234" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8643751" + }, + "source": "2230", + "target": "2235" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8011453" + }, + "source": "2230", + "target": "2236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8359326" + }, + "source": "2230", + "target": "2237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78391516" + }, + "source": "2230", + "target": "2238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8290858" + }, + "source": "2230", + "target": "2239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77412087" + }, + "source": "2231", + "target": "2232" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8978386" + }, + "source": "2231", + "target": "2233" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9162023" + }, + "source": "2231", + "target": "2234" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95511043" + }, + "source": "2231", + "target": "2235" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8934636" + }, + "source": "2231", + "target": "2236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.922175" + }, + "source": "2231", + "target": "2237" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9171741" + }, + "source": "2231", + "target": "2238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9248122" + }, + "source": "2231", + "target": "2239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8218427" + }, + "source": "2232", + "target": "2233" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77674824" + }, + "source": "2232", + "target": "2234" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81084716" + }, + "source": "2232", + "target": "2235" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8210138" + }, + "source": "2232", + "target": "2236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7953145" + }, + "source": "2232", + "target": "2237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8715989" + }, + "source": "2232", + "target": "2239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89986145" + }, + "source": "2233", + "target": "2234" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93847895" + }, + "source": "2233", + "target": "2235" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9341909" + }, + "source": "2233", + "target": "2236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90492517" + }, + "source": "2233", + "target": "2237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85348344" + }, + "source": "2233", + "target": "2238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9329586" + }, + "source": "2233", + "target": "2239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9150734" + }, + "source": "2234", + "target": "2235" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88938713" + }, + "source": "2234", + "target": "2236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91707367" + }, + "source": "2234", + "target": "2237" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.902479" + }, + "source": "2234", + "target": "2238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8714453" + }, + "source": "2234", + "target": "2239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9193001" + }, + "source": "2235", + "target": "2236" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93134993" + }, + "source": "2235", + "target": "2237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8833914" + }, + "source": "2235", + "target": "2238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93733275" + }, + "source": "2235", + "target": "2239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8816977" + }, + "source": "2236", + "target": "2237" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83493185" + }, + "source": "2236", + "target": "2238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9285552" + }, + "source": "2236", + "target": "2239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91904163" + }, + "source": "2237", + "target": "2238" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89845884" + }, + "source": "2237", + "target": "2239" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8356248" + }, + "source": "2238", + "target": "2239" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9139565" + }, + "source": "2240", + "target": "2241" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91326666" + }, + "source": "2240", + "target": "2242" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9248917" + }, + "source": "2240", + "target": "2243" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93209183" + }, + "source": "2240", + "target": "2244" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92369485" + }, + "source": "2240", + "target": "2245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91776717" + }, + "source": "2240", + "target": "2246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9154924" + }, + "source": "2240", + "target": "2247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9315568" + }, + "source": "2240", + "target": "2248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81117916" + }, + "source": "2240", + "target": "2249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9974178" + }, + "source": "2241", + "target": "2242" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99512964" + }, + "source": "2241", + "target": "2243" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9724196" + }, + "source": "2241", + "target": "2244" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9939059" + }, + "source": "2241", + "target": "2245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9051322" + }, + "source": "2241", + "target": "2246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9987185" + }, + "source": "2241", + "target": "2247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98808455" + }, + "source": "2241", + "target": "2248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82172304" + }, + "source": "2241", + "target": "2249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99173766" + }, + "source": "2242", + "target": "2243" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96855897" + }, + "source": "2242", + "target": "2244" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99312806" + }, + "source": "2242", + "target": "2245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8971003" + }, + "source": "2242", + "target": "2246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99863815" + }, + "source": "2242", + "target": "2247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.988274" + }, + "source": "2242", + "target": "2248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8255172" + }, + "source": "2242", + "target": "2249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.975253" + }, + "source": "2243", + "target": "2244" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9985667" + }, + "source": "2243", + "target": "2245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91928697" + }, + "source": "2243", + "target": "2246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9938473" + }, + "source": "2243", + "target": "2247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9965602" + }, + "source": "2243", + "target": "2248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82420415" + }, + "source": "2243", + "target": "2249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9713752" + }, + "source": "2244", + "target": "2245" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93642485" + }, + "source": "2244", + "target": "2246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9732576" + }, + "source": "2244", + "target": "2247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9704048" + }, + "source": "2244", + "target": "2248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81518114" + }, + "source": "2244", + "target": "2249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91492045" + }, + "source": "2245", + "target": "2246" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99267036" + }, + "source": "2245", + "target": "2247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99801946" + }, + "source": "2245", + "target": "2248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82732356" + }, + "source": "2245", + "target": "2249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9035107" + }, + "source": "2246", + "target": "2247" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9192699" + }, + "source": "2246", + "target": "2248" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8301435" + }, + "source": "2246", + "target": "2249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9883145" + }, + "source": "2247", + "target": "2248" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8242887" + }, + "source": "2247", + "target": "2249" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8304187" + }, + "source": "2248", + "target": "2249" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79219824" + }, + "source": "2250", + "target": "2251" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8832265" + }, + "source": "2250", + "target": "2252" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9203907" + }, + "source": "2250", + "target": "2253" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7593531" + }, + "source": "2250", + "target": "2254" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8069035" + }, + "source": "2250", + "target": "2256" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8816481" + }, + "source": "2250", + "target": "2258" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8864429" + }, + "source": "2250", + "target": "2259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77815074" + }, + "source": "2251", + "target": "2252" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82092017" + }, + "source": "2251", + "target": "2253" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8221436" + }, + "source": "2251", + "target": "2254" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7891042" + }, + "source": "2251", + "target": "2258" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81338084" + }, + "source": "2251", + "target": "2259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8637466" + }, + "source": "2252", + "target": "2253" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8196802" + }, + "source": "2252", + "target": "2258" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8435812" + }, + "source": "2252", + "target": "2259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76853335" + }, + "source": "2253", + "target": "2254" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80158806" + }, + "source": "2253", + "target": "2256" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91537035" + }, + "source": "2253", + "target": "2258" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8948216" + }, + "source": "2253", + "target": "2259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8350878" + }, + "source": "2256", + "target": "2258" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77571064" + }, + "source": "2256", + "target": "2259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8950912" + }, + "source": "2258", + "target": "2259" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93195224" + }, + "source": "2260", + "target": "2261" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8013316" + }, + "source": "2260", + "target": "2262" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9118824" + }, + "source": "2260", + "target": "2263" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7583811" + }, + "source": "2260", + "target": "2264" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86728626" + }, + "source": "2260", + "target": "2266" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9109325" + }, + "source": "2260", + "target": "2267" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8996984" + }, + "source": "2260", + "target": "2268" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85973465" + }, + "source": "2260", + "target": "2269" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8245763" + }, + "source": "2261", + "target": "2262" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9274642" + }, + "source": "2261", + "target": "2263" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86047125" + }, + "source": "2261", + "target": "2266" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88013023" + }, + "source": "2261", + "target": "2267" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92611665" + }, + "source": "2261", + "target": "2268" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9036782" + }, + "source": "2261", + "target": "2269" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78565466" + }, + "source": "2262", + "target": "2263" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77776194" + }, + "source": "2262", + "target": "2267" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8120668" + }, + "source": "2262", + "target": "2268" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8213977" + }, + "source": "2262", + "target": "2269" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8627776" + }, + "source": "2263", + "target": "2266" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8512821" + }, + "source": "2263", + "target": "2267" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9141326" + }, + "source": "2263", + "target": "2268" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9008252" + }, + "source": "2263", + "target": "2269" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83697844" + }, + "source": "2266", + "target": "2267" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8601279" + }, + "source": "2266", + "target": "2268" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80200815" + }, + "source": "2266", + "target": "2269" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84945655" + }, + "source": "2267", + "target": "2268" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8297335" + }, + "source": "2267", + "target": "2269" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8921237" + }, + "source": "2268", + "target": "2269" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8552975" + }, + "source": "2270", + "target": "2271" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8370111" + }, + "source": "2270", + "target": "2272" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85252464" + }, + "source": "2270", + "target": "2273" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82432187" + }, + "source": "2270", + "target": "2275" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81849706" + }, + "source": "2270", + "target": "2276" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8509543" + }, + "source": "2270", + "target": "2278" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83716047" + }, + "source": "2270", + "target": "2279" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90235513" + }, + "source": "2271", + "target": "2272" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8398081" + }, + "source": "2271", + "target": "2273" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7724345" + }, + "source": "2271", + "target": "2276" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9015496" + }, + "source": "2271", + "target": "2278" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8472675" + }, + "source": "2271", + "target": "2279" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8372426" + }, + "source": "2272", + "target": "2273" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77333844" + }, + "source": "2272", + "target": "2275" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81721926" + }, + "source": "2272", + "target": "2276" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8968239" + }, + "source": "2272", + "target": "2278" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8704071" + }, + "source": "2272", + "target": "2279" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79810095" + }, + "source": "2273", + "target": "2275" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7604909" + }, + "source": "2273", + "target": "2276" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.836828" + }, + "source": "2273", + "target": "2278" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84055245" + }, + "source": "2273", + "target": "2279" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7482697" + }, + "source": "2275", + "target": "2278" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7662544" + }, + "source": "2275", + "target": "2279" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77519995" + }, + "source": "2276", + "target": "2278" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78638035" + }, + "source": "2276", + "target": "2279" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8815596" + }, + "source": "2278", + "target": "2279" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9205568" + }, + "source": "2280", + "target": "2281" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98591185" + }, + "source": "2280", + "target": "2282" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9732759" + }, + "source": "2280", + "target": "2283" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9507242" + }, + "source": "2280", + "target": "2284" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98307693" + }, + "source": "2280", + "target": "2285" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9553925" + }, + "source": "2280", + "target": "2286" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95294464" + }, + "source": "2280", + "target": "2287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9882791" + }, + "source": "2280", + "target": "2288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.953706" + }, + "source": "2280", + "target": "2289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92051053" + }, + "source": "2281", + "target": "2282" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90662706" + }, + "source": "2281", + "target": "2283" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91659313" + }, + "source": "2281", + "target": "2284" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.918967" + }, + "source": "2281", + "target": "2285" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89110637" + }, + "source": "2281", + "target": "2286" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9115792" + }, + "source": "2281", + "target": "2287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92019606" + }, + "source": "2281", + "target": "2288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89113355" + }, + "source": "2281", + "target": "2289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9667474" + }, + "source": "2282", + "target": "2283" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9486259" + }, + "source": "2282", + "target": "2284" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97821057" + }, + "source": "2282", + "target": "2285" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95259005" + }, + "source": "2282", + "target": "2286" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9537531" + }, + "source": "2282", + "target": "2287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9870714" + }, + "source": "2282", + "target": "2288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95152056" + }, + "source": "2282", + "target": "2289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9353757" + }, + "source": "2283", + "target": "2284" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9769927" + }, + "source": "2283", + "target": "2285" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94092506" + }, + "source": "2283", + "target": "2286" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9422673" + }, + "source": "2283", + "target": "2287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.971246" + }, + "source": "2283", + "target": "2288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9385898" + }, + "source": "2283", + "target": "2289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9442178" + }, + "source": "2284", + "target": "2285" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9336491" + }, + "source": "2284", + "target": "2286" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9345609" + }, + "source": "2284", + "target": "2287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9478805" + }, + "source": "2284", + "target": "2288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9222383" + }, + "source": "2284", + "target": "2289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94986516" + }, + "source": "2285", + "target": "2286" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9524423" + }, + "source": "2285", + "target": "2287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9869448" + }, + "source": "2285", + "target": "2288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94885427" + }, + "source": "2285", + "target": "2289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97019804" + }, + "source": "2286", + "target": "2287" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9572083" + }, + "source": "2286", + "target": "2288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9413575" + }, + "source": "2286", + "target": "2289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95496535" + }, + "source": "2287", + "target": "2288" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93414116" + }, + "source": "2287", + "target": "2289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95613533" + }, + "source": "2288", + "target": "2289" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9191195" + }, + "source": "2290", + "target": "2291" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92176664" + }, + "source": "2290", + "target": "2292" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94418824" + }, + "source": "2290", + "target": "2293" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.935228" + }, + "source": "2290", + "target": "2294" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93558" + }, + "source": "2290", + "target": "2295" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9480891" + }, + "source": "2290", + "target": "2296" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9373061" + }, + "source": "2290", + "target": "2297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9189506" + }, + "source": "2290", + "target": "2298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88287693" + }, + "source": "2290", + "target": "2299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.951463" + }, + "source": "2291", + "target": "2292" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95950925" + }, + "source": "2291", + "target": "2293" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9530575" + }, + "source": "2291", + "target": "2294" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9452585" + }, + "source": "2291", + "target": "2295" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96577525" + }, + "source": "2291", + "target": "2296" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95205224" + }, + "source": "2291", + "target": "2297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.950725" + }, + "source": "2291", + "target": "2298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90725183" + }, + "source": "2291", + "target": "2299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97094107" + }, + "source": "2292", + "target": "2293" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97607183" + }, + "source": "2292", + "target": "2294" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9638103" + }, + "source": "2292", + "target": "2295" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9743451" + }, + "source": "2292", + "target": "2296" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9639543" + }, + "source": "2292", + "target": "2297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9545961" + }, + "source": "2292", + "target": "2298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9051145" + }, + "source": "2292", + "target": "2299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.980649" + }, + "source": "2293", + "target": "2294" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97538596" + }, + "source": "2293", + "target": "2295" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9891362" + }, + "source": "2293", + "target": "2296" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97413456" + }, + "source": "2293", + "target": "2297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96605766" + }, + "source": "2293", + "target": "2298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9148916" + }, + "source": "2293", + "target": "2299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9735031" + }, + "source": "2294", + "target": "2295" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9822389" + }, + "source": "2294", + "target": "2296" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97028524" + }, + "source": "2294", + "target": "2297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9633308" + }, + "source": "2294", + "target": "2298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9100299" + }, + "source": "2294", + "target": "2299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97901785" + }, + "source": "2295", + "target": "2296" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9861715" + }, + "source": "2295", + "target": "2297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.970255" + }, + "source": "2295", + "target": "2298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92015374" + }, + "source": "2295", + "target": "2299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9796343" + }, + "source": "2296", + "target": "2297" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9678032" + }, + "source": "2296", + "target": "2298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9222183" + }, + "source": "2296", + "target": "2299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9709121" + }, + "source": "2297", + "target": "2298" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91438377" + }, + "source": "2297", + "target": "2299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90853786" + }, + "source": "2298", + "target": "2299" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89284384" + }, + "source": "2300", + "target": "2301" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8111369" + }, + "source": "2300", + "target": "2302" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87113214" + }, + "source": "2300", + "target": "2303" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90135" + }, + "source": "2300", + "target": "2304" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9089993" + }, + "source": "2300", + "target": "2305" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9049525" + }, + "source": "2300", + "target": "2306" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7985374" + }, + "source": "2300", + "target": "2307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9066553" + }, + "source": "2300", + "target": "2308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9156662" + }, + "source": "2300", + "target": "2309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8710133" + }, + "source": "2301", + "target": "2302" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98493874" + }, + "source": "2301", + "target": "2303" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9861048" + }, + "source": "2301", + "target": "2304" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9862474" + }, + "source": "2301", + "target": "2305" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98360336" + }, + "source": "2301", + "target": "2306" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8344163" + }, + "source": "2301", + "target": "2307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96519053" + }, + "source": "2301", + "target": "2308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97121596" + }, + "source": "2301", + "target": "2309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84730333" + }, + "source": "2302", + "target": "2303" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8452133" + }, + "source": "2302", + "target": "2304" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8435083" + }, + "source": "2302", + "target": "2305" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85445637" + }, + "source": "2302", + "target": "2306" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.82923514" + }, + "source": "2302", + "target": "2308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8972173" + }, + "source": "2302", + "target": "2309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9772956" + }, + "source": "2303", + "target": "2304" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9787509" + }, + "source": "2303", + "target": "2305" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97436213" + }, + "source": "2303", + "target": "2306" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8452225" + }, + "source": "2303", + "target": "2307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9550758" + }, + "source": "2303", + "target": "2308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95336294" + }, + "source": "2303", + "target": "2309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9964701" + }, + "source": "2304", + "target": "2305" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99597085" + }, + "source": "2304", + "target": "2306" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8646431" + }, + "source": "2304", + "target": "2307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98597664" + }, + "source": "2304", + "target": "2308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9610033" + }, + "source": "2304", + "target": "2309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9950322" + }, + "source": "2305", + "target": "2306" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8720963" + }, + "source": "2305", + "target": "2307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9801963" + }, + "source": "2305", + "target": "2308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9613711" + }, + "source": "2305", + "target": "2309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.874611" + }, + "source": "2306", + "target": "2307" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9820522" + }, + "source": "2306", + "target": "2308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9580523" + }, + "source": "2306", + "target": "2309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8640756" + }, + "source": "2307", + "target": "2308" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8014641" + }, + "source": "2307", + "target": "2309" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9423347" + }, + "source": "2308", + "target": "2309" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85774595" + }, + "source": "2310", + "target": "2311" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90831614" + }, + "source": "2310", + "target": "2312" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8549224" + }, + "source": "2310", + "target": "2313" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78904974" + }, + "source": "2310", + "target": "2314" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9019271" + }, + "source": "2310", + "target": "2315" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89475846" + }, + "source": "2310", + "target": "2316" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78250724" + }, + "source": "2310", + "target": "2317" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89832693" + }, + "source": "2310", + "target": "2318" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.898211" + }, + "source": "2310", + "target": "2319" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83212435" + }, + "source": "2311", + "target": "2312" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9254181" + }, + "source": "2311", + "target": "2313" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7843883" + }, + "source": "2311", + "target": "2314" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77161497" + }, + "source": "2311", + "target": "2315" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8553984" + }, + "source": "2311", + "target": "2316" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8953231" + }, + "source": "2311", + "target": "2318" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90058416" + }, + "source": "2311", + "target": "2319" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.850798" + }, + "source": "2312", + "target": "2313" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7505418" + }, + "source": "2312", + "target": "2314" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8313328" + }, + "source": "2312", + "target": "2315" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91719896" + }, + "source": "2312", + "target": "2316" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7740948" + }, + "source": "2312", + "target": "2317" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8670769" + }, + "source": "2312", + "target": "2318" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84261036" + }, + "source": "2312", + "target": "2319" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7879095" + }, + "source": "2313", + "target": "2314" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77295554" + }, + "source": "2313", + "target": "2315" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8643713" + }, + "source": "2313", + "target": "2316" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8827157" + }, + "source": "2313", + "target": "2318" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8606831" + }, + "source": "2313", + "target": "2319" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75660783" + }, + "source": "2314", + "target": "2317" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75876296" + }, + "source": "2314", + "target": "2318" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.74954176" + }, + "source": "2314", + "target": "2319" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8523112" + }, + "source": "2315", + "target": "2316" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8422072" + }, + "source": "2315", + "target": "2318" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8277625" + }, + "source": "2315", + "target": "2319" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75115114" + }, + "source": "2316", + "target": "2317" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8946993" + }, + "source": "2316", + "target": "2318" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.893217" + }, + "source": "2316", + "target": "2319" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9131892" + }, + "source": "2318", + "target": "2319" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87728655" + }, + "source": "2320", + "target": "2321" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76901793" + }, + "source": "2320", + "target": "2322" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85605407" + }, + "source": "2320", + "target": "2323" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80347586" + }, + "source": "2320", + "target": "2324" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8279587" + }, + "source": "2320", + "target": "2325" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.895924" + }, + "source": "2320", + "target": "2326" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7866424" + }, + "source": "2320", + "target": "2327" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7912859" + }, + "source": "2320", + "target": "2328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7660813" + }, + "source": "2320", + "target": "2329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8471128" + }, + "source": "2321", + "target": "2322" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93081045" + }, + "source": "2321", + "target": "2323" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91996276" + }, + "source": "2321", + "target": "2324" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9072994" + }, + "source": "2321", + "target": "2325" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95355254" + }, + "source": "2321", + "target": "2326" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9399872" + }, + "source": "2321", + "target": "2327" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89277005" + }, + "source": "2321", + "target": "2328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8115135" + }, + "source": "2321", + "target": "2329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8014457" + }, + "source": "2322", + "target": "2323" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83548677" + }, + "source": "2322", + "target": "2324" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8978003" + }, + "source": "2322", + "target": "2325" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8056216" + }, + "source": "2322", + "target": "2326" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8679701" + }, + "source": "2322", + "target": "2327" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8844664" + }, + "source": "2322", + "target": "2328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8426888" + }, + "source": "2322", + "target": "2329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9112487" + }, + "source": "2323", + "target": "2324" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89659" + }, + "source": "2323", + "target": "2325" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90056497" + }, + "source": "2323", + "target": "2326" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8749091" + }, + "source": "2323", + "target": "2327" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8425242" + }, + "source": "2323", + "target": "2328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7861443" + }, + "source": "2323", + "target": "2329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8988542" + }, + "source": "2324", + "target": "2325" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8726678" + }, + "source": "2324", + "target": "2326" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9154705" + }, + "source": "2324", + "target": "2327" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8669871" + }, + "source": "2324", + "target": "2328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77650726" + }, + "source": "2324", + "target": "2329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87074316" + }, + "source": "2325", + "target": "2326" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87976456" + }, + "source": "2325", + "target": "2327" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9620737" + }, + "source": "2325", + "target": "2328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84209716" + }, + "source": "2325", + "target": "2329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90003264" + }, + "source": "2326", + "target": "2327" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84632623" + }, + "source": "2326", + "target": "2328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8164604" + }, + "source": "2326", + "target": "2329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8645972" + }, + "source": "2327", + "target": "2328" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80773115" + }, + "source": "2327", + "target": "2329" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8105086" + }, + "source": "2328", + "target": "2329" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9274813" + }, + "source": "2330", + "target": "2331" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86377835" + }, + "source": "2330", + "target": "2332" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9573668" + }, + "source": "2330", + "target": "2333" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8328581" + }, + "source": "2330", + "target": "2334" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8463905" + }, + "source": "2330", + "target": "2336" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8811215" + }, + "source": "2330", + "target": "2337" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.95305634" + }, + "source": "2330", + "target": "2338" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8830716" + }, + "source": "2330", + "target": "2339" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8949913" + }, + "source": "2331", + "target": "2332" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94482195" + }, + "source": "2331", + "target": "2333" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.851573" + }, + "source": "2331", + "target": "2334" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83955956" + }, + "source": "2331", + "target": "2336" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88781166" + }, + "source": "2331", + "target": "2337" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.95036995" + }, + "source": "2331", + "target": "2338" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9023515" + }, + "source": "2331", + "target": "2339" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88518447" + }, + "source": "2332", + "target": "2333" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84848213" + }, + "source": "2332", + "target": "2334" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82119834" + }, + "source": "2332", + "target": "2336" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.864066" + }, + "source": "2332", + "target": "2337" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88196206" + }, + "source": "2332", + "target": "2338" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8399682" + }, + "source": "2332", + "target": "2339" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8510659" + }, + "source": "2333", + "target": "2334" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85983264" + }, + "source": "2333", + "target": "2336" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89261425" + }, + "source": "2333", + "target": "2337" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.96388245" + }, + "source": "2333", + "target": "2338" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.921414" + }, + "source": "2333", + "target": "2339" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8387685" + }, + "source": "2334", + "target": "2336" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87466896" + }, + "source": "2334", + "target": "2337" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8275013" + }, + "source": "2334", + "target": "2338" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8014772" + }, + "source": "2334", + "target": "2339" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8084168" + }, + "source": "2336", + "target": "2337" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8379375" + }, + "source": "2336", + "target": "2338" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7892007" + }, + "source": "2336", + "target": "2339" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8994361" + }, + "source": "2337", + "target": "2338" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8595911" + }, + "source": "2337", + "target": "2339" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91193175" + }, + "source": "2338", + "target": "2339" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78952086" + }, + "source": "2340", + "target": "2341" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8333384" + }, + "source": "2340", + "target": "2342" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84321576" + }, + "source": "2340", + "target": "2343" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8244479" + }, + "source": "2340", + "target": "2344" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87747073" + }, + "source": "2340", + "target": "2345" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82844305" + }, + "source": "2340", + "target": "2346" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.853495" + }, + "source": "2340", + "target": "2347" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88711166" + }, + "source": "2340", + "target": "2348" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8528928" + }, + "source": "2340", + "target": "2349" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83150595" + }, + "source": "2341", + "target": "2342" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7909504" + }, + "source": "2341", + "target": "2343" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7765182" + }, + "source": "2341", + "target": "2349" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76807386" + }, + "source": "2342", + "target": "2343" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7721046" + }, + "source": "2342", + "target": "2344" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7761557" + }, + "source": "2342", + "target": "2345" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7502056" + }, + "source": "2342", + "target": "2346" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7603314" + }, + "source": "2342", + "target": "2347" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80623543" + }, + "source": "2342", + "target": "2349" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7787787" + }, + "source": "2343", + "target": "2345" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78171086" + }, + "source": "2343", + "target": "2346" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7874635" + }, + "source": "2343", + "target": "2347" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75908566" + }, + "source": "2343", + "target": "2348" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87564075" + }, + "source": "2343", + "target": "2349" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7628132" + }, + "source": "2344", + "target": "2345" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.828727" + }, + "source": "2344", + "target": "2347" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78354526" + }, + "source": "2344", + "target": "2348" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7540606" + }, + "source": "2344", + "target": "2349" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78516173" + }, + "source": "2345", + "target": "2346" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80120444" + }, + "source": "2345", + "target": "2347" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87354565" + }, + "source": "2345", + "target": "2348" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81476676" + }, + "source": "2345", + "target": "2349" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79081297" + }, + "source": "2346", + "target": "2347" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80719197" + }, + "source": "2346", + "target": "2348" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7792804" + }, + "source": "2346", + "target": "2349" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8138935" + }, + "source": "2347", + "target": "2348" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8057903" + }, + "source": "2347", + "target": "2349" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7831111" + }, + "source": "2348", + "target": "2349" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77323633" + }, + "source": "2350", + "target": "2351" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75401807" + }, + "source": "2350", + "target": "2354" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8669604" + }, + "source": "2350", + "target": "2355" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7675997" + }, + "source": "2351", + "target": "2354" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7687161" + }, + "source": "2351", + "target": "2355" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7601878" + }, + "source": "2352", + "target": "2355" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7970781" + }, + "source": "2352", + "target": "2359" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88974637" + }, + "source": "2353", + "target": "2358" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7831193" + }, + "source": "2354", + "target": "2355" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78247523" + }, + "source": "2354", + "target": "2359" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79433304" + }, + "source": "2360", + "target": "2361" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8021575" + }, + "source": "2360", + "target": "2362" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77964765" + }, + "source": "2360", + "target": "2363" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78603995" + }, + "source": "2360", + "target": "2366" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7552294" + }, + "source": "2360", + "target": "2368" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87573385" + }, + "source": "2361", + "target": "2362" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79017043" + }, + "source": "2361", + "target": "2363" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86318886" + }, + "source": "2361", + "target": "2364" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.756001" + }, + "source": "2361", + "target": "2366" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75904894" + }, + "source": "2361", + "target": "2367" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7617969" + }, + "source": "2361", + "target": "2368" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7625434" + }, + "source": "2361", + "target": "2369" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8914597" + }, + "source": "2362", + "target": "2363" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9184847" + }, + "source": "2362", + "target": "2364" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83892417" + }, + "source": "2362", + "target": "2365" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.77103657" + }, + "source": "2362", + "target": "2366" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7693281" + }, + "source": "2362", + "target": "2367" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77455986" + }, + "source": "2362", + "target": "2368" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8022306" + }, + "source": "2362", + "target": "2369" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8285253" + }, + "source": "2363", + "target": "2364" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94604385" + }, + "source": "2363", + "target": "2365" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8835248" + }, + "source": "2363", + "target": "2366" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84740335" + }, + "source": "2363", + "target": "2367" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85658026" + }, + "source": "2363", + "target": "2368" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83297503" + }, + "source": "2363", + "target": "2369" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8247427" + }, + "source": "2364", + "target": "2365" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7486069" + }, + "source": "2364", + "target": "2368" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78437495" + }, + "source": "2364", + "target": "2369" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8360826" + }, + "source": "2365", + "target": "2366" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81749076" + }, + "source": "2365", + "target": "2367" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81945777" + }, + "source": "2365", + "target": "2368" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7947321" + }, + "source": "2365", + "target": "2369" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85359585" + }, + "source": "2366", + "target": "2367" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.857338" + }, + "source": "2366", + "target": "2368" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77542675" + }, + "source": "2366", + "target": "2369" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90886825" + }, + "source": "2367", + "target": "2368" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88652074" + }, + "source": "2367", + "target": "2369" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82639766" + }, + "source": "2368", + "target": "2369" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8288065" + }, + "source": "2370", + "target": "2371" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7767849" + }, + "source": "2370", + "target": "2372" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78676766" + }, + "source": "2370", + "target": "2375" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.74910396" + }, + "source": "2371", + "target": "2372" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7675979" + }, + "source": "2371", + "target": "2375" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7990649" + }, + "source": "2373", + "target": "2379" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75504214" + }, + "source": "2380", + "target": "2384" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7557889" + }, + "source": "2380", + "target": "2386" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8150238" + }, + "source": "2381", + "target": "2382" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79978967" + }, + "source": "2381", + "target": "2383" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81163746" + }, + "source": "2381", + "target": "2384" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8621148" + }, + "source": "2381", + "target": "2385" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8579545" + }, + "source": "2381", + "target": "2386" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79029876" + }, + "source": "2381", + "target": "2387" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92904806" + }, + "source": "2381", + "target": "2389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8206991" + }, + "source": "2382", + "target": "2383" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85446584" + }, + "source": "2382", + "target": "2384" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7964833" + }, + "source": "2382", + "target": "2385" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8672333" + }, + "source": "2382", + "target": "2386" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8455938" + }, + "source": "2382", + "target": "2387" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7663935" + }, + "source": "2382", + "target": "2388" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.829904" + }, + "source": "2382", + "target": "2389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8016308" + }, + "source": "2383", + "target": "2385" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76273316" + }, + "source": "2383", + "target": "2386" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81040055" + }, + "source": "2383", + "target": "2388" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7592819" + }, + "source": "2383", + "target": "2389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80600506" + }, + "source": "2384", + "target": "2385" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.915249" + }, + "source": "2384", + "target": "2386" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82642746" + }, + "source": "2384", + "target": "2387" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8447488" + }, + "source": "2384", + "target": "2389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83153236" + }, + "source": "2385", + "target": "2386" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7656301" + }, + "source": "2385", + "target": "2387" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8382983" + }, + "source": "2385", + "target": "2388" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84571815" + }, + "source": "2385", + "target": "2389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7740798" + }, + "source": "2386", + "target": "2387" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8798095" + }, + "source": "2386", + "target": "2389" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7791736" + }, + "source": "2387", + "target": "2389" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87492037" + }, + "source": "2390", + "target": "2391" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92190504" + }, + "source": "2390", + "target": "2392" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83677137" + }, + "source": "2390", + "target": "2393" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8259796" + }, + "source": "2390", + "target": "2394" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8472885" + }, + "source": "2390", + "target": "2395" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8076861" + }, + "source": "2390", + "target": "2396" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8607805" + }, + "source": "2390", + "target": "2397" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94107735" + }, + "source": "2390", + "target": "2398" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9059658" + }, + "source": "2390", + "target": "2399" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88930327" + }, + "source": "2391", + "target": "2392" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7777497" + }, + "source": "2391", + "target": "2393" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75307584" + }, + "source": "2391", + "target": "2394" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8319793" + }, + "source": "2391", + "target": "2395" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75800323" + }, + "source": "2391", + "target": "2396" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7724339" + }, + "source": "2391", + "target": "2397" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.868689" + }, + "source": "2391", + "target": "2398" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8501476" + }, + "source": "2391", + "target": "2399" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84574795" + }, + "source": "2392", + "target": "2393" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8286973" + }, + "source": "2392", + "target": "2394" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8452009" + }, + "source": "2392", + "target": "2395" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79090667" + }, + "source": "2392", + "target": "2396" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8735217" + }, + "source": "2392", + "target": "2397" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.935838" + }, + "source": "2392", + "target": "2398" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9090761" + }, + "source": "2392", + "target": "2399" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79113793" + }, + "source": "2393", + "target": "2394" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80409837" + }, + "source": "2393", + "target": "2395" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8268753" + }, + "source": "2393", + "target": "2397" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84040236" + }, + "source": "2393", + "target": "2398" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88780093" + }, + "source": "2393", + "target": "2399" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77019095" + }, + "source": "2394", + "target": "2395" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88972527" + }, + "source": "2394", + "target": "2397" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83773035" + }, + "source": "2394", + "target": "2398" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81441057" + }, + "source": "2394", + "target": "2399" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76389897" + }, + "source": "2395", + "target": "2396" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7748955" + }, + "source": "2395", + "target": "2397" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8260449" + }, + "source": "2395", + "target": "2398" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8135544" + }, + "source": "2395", + "target": "2399" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7554674" + }, + "source": "2396", + "target": "2397" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8248425" + }, + "source": "2396", + "target": "2398" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76097304" + }, + "source": "2396", + "target": "2399" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8723865" + }, + "source": "2397", + "target": "2398" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8550793" + }, + "source": "2397", + "target": "2399" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9181416" + }, + "source": "2398", + "target": "2399" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82383657" + }, + "source": "2400", + "target": "2401" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7882159" + }, + "source": "2400", + "target": "2402" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87416506" + }, + "source": "2400", + "target": "2403" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8641491" + }, + "source": "2400", + "target": "2405" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86934006" + }, + "source": "2400", + "target": "2406" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92943764" + }, + "source": "2400", + "target": "2408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8863292" + }, + "source": "2400", + "target": "2409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80692726" + }, + "source": "2401", + "target": "2402" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81638515" + }, + "source": "2401", + "target": "2403" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8217084" + }, + "source": "2401", + "target": "2406" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83736753" + }, + "source": "2401", + "target": "2408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8362569" + }, + "source": "2401", + "target": "2409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84513855" + }, + "source": "2402", + "target": "2403" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82748413" + }, + "source": "2402", + "target": "2406" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80934376" + }, + "source": "2402", + "target": "2408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8322173" + }, + "source": "2402", + "target": "2409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8448474" + }, + "source": "2403", + "target": "2406" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82249165" + }, + "source": "2403", + "target": "2408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8783429" + }, + "source": "2403", + "target": "2409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7580726" + }, + "source": "2405", + "target": "2406" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84047663" + }, + "source": "2405", + "target": "2408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8357097" + }, + "source": "2406", + "target": "2408" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80111396" + }, + "source": "2406", + "target": "2409" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8990591" + }, + "source": "2408", + "target": "2409" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95030403" + }, + "source": "2410", + "target": "2411" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9481914" + }, + "source": "2410", + "target": "2412" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96380174" + }, + "source": "2410", + "target": "2413" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96423066" + }, + "source": "2410", + "target": "2414" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94363296" + }, + "source": "2410", + "target": "2415" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94676757" + }, + "source": "2410", + "target": "2416" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94661427" + }, + "source": "2410", + "target": "2417" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93403006" + }, + "source": "2410", + "target": "2418" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92609596" + }, + "source": "2410", + "target": "2419" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9665465" + }, + "source": "2411", + "target": "2412" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9774476" + }, + "source": "2411", + "target": "2413" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9728378" + }, + "source": "2411", + "target": "2414" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96613765" + }, + "source": "2411", + "target": "2415" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9799272" + }, + "source": "2411", + "target": "2416" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.953457" + }, + "source": "2411", + "target": "2417" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9451747" + }, + "source": "2411", + "target": "2418" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94597846" + }, + "source": "2411", + "target": "2419" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9597037" + }, + "source": "2412", + "target": "2413" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96254885" + }, + "source": "2412", + "target": "2414" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9504125" + }, + "source": "2412", + "target": "2415" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9758665" + }, + "source": "2412", + "target": "2416" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97226954" + }, + "source": "2412", + "target": "2417" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9274193" + }, + "source": "2412", + "target": "2418" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9368086" + }, + "source": "2412", + "target": "2419" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99439836" + }, + "source": "2413", + "target": "2414" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9769664" + }, + "source": "2413", + "target": "2415" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9682112" + }, + "source": "2413", + "target": "2416" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9574057" + }, + "source": "2413", + "target": "2417" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96695936" + }, + "source": "2413", + "target": "2418" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9495326" + }, + "source": "2413", + "target": "2419" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9764103" + }, + "source": "2414", + "target": "2415" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97156596" + }, + "source": "2414", + "target": "2416" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9585117" + }, + "source": "2414", + "target": "2417" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9660996" + }, + "source": "2414", + "target": "2418" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9585744" + }, + "source": "2414", + "target": "2419" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9557507" + }, + "source": "2415", + "target": "2416" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95506966" + }, + "source": "2415", + "target": "2417" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94649994" + }, + "source": "2415", + "target": "2418" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94195104" + }, + "source": "2415", + "target": "2419" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94691414" + }, + "source": "2416", + "target": "2417" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94124806" + }, + "source": "2416", + "target": "2418" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9522661" + }, + "source": "2416", + "target": "2419" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9293166" + }, + "source": "2417", + "target": "2418" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92965746" + }, + "source": "2417", + "target": "2419" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9193944" + }, + "source": "2418", + "target": "2419" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8583988" + }, + "source": "2420", + "target": "2421" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8104759" + }, + "source": "2420", + "target": "2422" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8303913" + }, + "source": "2420", + "target": "2423" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81860185" + }, + "source": "2420", + "target": "2424" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8751881" + }, + "source": "2420", + "target": "2425" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86663157" + }, + "source": "2420", + "target": "2426" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.793697" + }, + "source": "2420", + "target": "2427" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8402053" + }, + "source": "2420", + "target": "2428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8140416" + }, + "source": "2420", + "target": "2429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8529325" + }, + "source": "2421", + "target": "2422" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80065095" + }, + "source": "2421", + "target": "2423" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87924445" + }, + "source": "2421", + "target": "2424" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80557585" + }, + "source": "2421", + "target": "2425" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9314811" + }, + "source": "2421", + "target": "2426" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7602179" + }, + "source": "2421", + "target": "2427" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8197222" + }, + "source": "2421", + "target": "2428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8742583" + }, + "source": "2421", + "target": "2429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83519256" + }, + "source": "2422", + "target": "2425" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8877708" + }, + "source": "2422", + "target": "2426" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75730085" + }, + "source": "2422", + "target": "2427" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78739357" + }, + "source": "2422", + "target": "2428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79133725" + }, + "source": "2422", + "target": "2429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80925393" + }, + "source": "2423", + "target": "2424" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8617163" + }, + "source": "2423", + "target": "2425" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80340505" + }, + "source": "2423", + "target": "2426" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7642087" + }, + "source": "2423", + "target": "2427" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9318075" + }, + "source": "2423", + "target": "2428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75956047" + }, + "source": "2424", + "target": "2425" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82829845" + }, + "source": "2424", + "target": "2426" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75655824" + }, + "source": "2424", + "target": "2427" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8050866" + }, + "source": "2424", + "target": "2428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8599067" + }, + "source": "2424", + "target": "2429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8100779" + }, + "source": "2425", + "target": "2426" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8153793" + }, + "source": "2425", + "target": "2427" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88759017" + }, + "source": "2425", + "target": "2428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81326115" + }, + "source": "2425", + "target": "2429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7659997" + }, + "source": "2426", + "target": "2427" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8135756" + }, + "source": "2426", + "target": "2428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8118694" + }, + "source": "2426", + "target": "2429" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7548368" + }, + "source": "2427", + "target": "2428" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7796422" + }, + "source": "2428", + "target": "2429" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9369799" + }, + "source": "2430", + "target": "2431" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9449897" + }, + "source": "2430", + "target": "2432" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97145593" + }, + "source": "2430", + "target": "2433" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9375078" + }, + "source": "2430", + "target": "2434" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97106546" + }, + "source": "2430", + "target": "2435" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9820473" + }, + "source": "2430", + "target": "2436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8757174" + }, + "source": "2430", + "target": "2437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96908104" + }, + "source": "2430", + "target": "2438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9456741" + }, + "source": "2430", + "target": "2439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9556575" + }, + "source": "2431", + "target": "2432" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9680177" + }, + "source": "2431", + "target": "2433" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99861187" + }, + "source": "2431", + "target": "2434" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.975677" + }, + "source": "2431", + "target": "2435" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9384434" + }, + "source": "2431", + "target": "2436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9701297" + }, + "source": "2431", + "target": "2437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96366024" + }, + "source": "2431", + "target": "2438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9588807" + }, + "source": "2431", + "target": "2439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95424896" + }, + "source": "2432", + "target": "2433" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9558094" + }, + "source": "2432", + "target": "2434" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9514154" + }, + "source": "2432", + "target": "2435" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95882785" + }, + "source": "2432", + "target": "2436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9456192" + }, + "source": "2432", + "target": "2437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97959495" + }, + "source": "2432", + "target": "2438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9615551" + }, + "source": "2432", + "target": "2439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9685882" + }, + "source": "2433", + "target": "2434" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99613523" + }, + "source": "2433", + "target": "2435" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9780702" + }, + "source": "2433", + "target": "2436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9234746" + }, + "source": "2433", + "target": "2437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9625182" + }, + "source": "2433", + "target": "2438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9867093" + }, + "source": "2433", + "target": "2439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9762716" + }, + "source": "2434", + "target": "2435" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93935937" + }, + "source": "2434", + "target": "2436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9703099" + }, + "source": "2434", + "target": "2437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96582556" + }, + "source": "2434", + "target": "2438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95883155" + }, + "source": "2434", + "target": "2439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97302175" + }, + "source": "2435", + "target": "2436" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92236894" + }, + "source": "2435", + "target": "2437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9683019" + }, + "source": "2435", + "target": "2438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9756325" + }, + "source": "2435", + "target": "2439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8906099" + }, + "source": "2436", + "target": "2437" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97351146" + }, + "source": "2436", + "target": "2438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96219337" + }, + "source": "2436", + "target": "2439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91861475" + }, + "source": "2437", + "target": "2438" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9504087" + }, + "source": "2437", + "target": "2439" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94413865" + }, + "source": "2438", + "target": "2439" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75019443" + }, + "source": "2440", + "target": "2441" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88630724" + }, + "source": "2440", + "target": "2442" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79402435" + }, + "source": "2440", + "target": "2443" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7523433" + }, + "source": "2440", + "target": "2445" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7831288" + }, + "source": "2440", + "target": "2448" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8505752" + }, + "source": "2440", + "target": "2449" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8823453" + }, + "source": "2441", + "target": "2448" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79790056" + }, + "source": "2441", + "target": "2449" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75935376" + }, + "source": "2442", + "target": "2443" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83318555" + }, + "source": "2442", + "target": "2449" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7525754" + }, + "source": "2443", + "target": "2448" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8112417" + }, + "source": "2443", + "target": "2449" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75298405" + }, + "source": "2445", + "target": "2449" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7576661" + }, + "source": "2446", + "target": "2449" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8133999" + }, + "source": "2448", + "target": "2449" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89321756" + }, + "source": "2450", + "target": "2451" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8781363" + }, + "source": "2450", + "target": "2452" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8644864" + }, + "source": "2450", + "target": "2453" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8798566" + }, + "source": "2450", + "target": "2454" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7620393" + }, + "source": "2450", + "target": "2455" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8221607" + }, + "source": "2450", + "target": "2456" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8805648" + }, + "source": "2450", + "target": "2457" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75810826" + }, + "source": "2450", + "target": "2458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78864104" + }, + "source": "2450", + "target": "2459" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91279954" + }, + "source": "2451", + "target": "2452" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8739821" + }, + "source": "2451", + "target": "2453" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88613594" + }, + "source": "2451", + "target": "2454" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8020019" + }, + "source": "2451", + "target": "2456" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8882053" + }, + "source": "2451", + "target": "2457" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.74806744" + }, + "source": "2451", + "target": "2458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79569125" + }, + "source": "2451", + "target": "2459" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87331355" + }, + "source": "2452", + "target": "2453" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88247484" + }, + "source": "2452", + "target": "2454" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78964615" + }, + "source": "2452", + "target": "2455" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82475054" + }, + "source": "2452", + "target": "2456" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9296923" + }, + "source": "2452", + "target": "2457" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7832205" + }, + "source": "2452", + "target": "2458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8075856" + }, + "source": "2452", + "target": "2459" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8152385" + }, + "source": "2453", + "target": "2454" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78574216" + }, + "source": "2453", + "target": "2455" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8603375" + }, + "source": "2453", + "target": "2456" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8708877" + }, + "source": "2453", + "target": "2457" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8592901" + }, + "source": "2453", + "target": "2458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78096676" + }, + "source": "2453", + "target": "2459" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7518485" + }, + "source": "2454", + "target": "2455" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83504194" + }, + "source": "2454", + "target": "2456" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89483285" + }, + "source": "2454", + "target": "2457" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7597842" + }, + "source": "2454", + "target": "2458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79270375" + }, + "source": "2454", + "target": "2459" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80598354" + }, + "source": "2455", + "target": "2456" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80638754" + }, + "source": "2455", + "target": "2457" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82158995" + }, + "source": "2455", + "target": "2458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77541924" + }, + "source": "2455", + "target": "2459" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87143326" + }, + "source": "2456", + "target": "2457" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8535136" + }, + "source": "2456", + "target": "2458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7970544" + }, + "source": "2456", + "target": "2459" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8079255" + }, + "source": "2457", + "target": "2458" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8370887" + }, + "source": "2457", + "target": "2459" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75183344" + }, + "source": "2458", + "target": "2459" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78582716" + }, + "source": "2461", + "target": "2462" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90972924" + }, + "source": "2461", + "target": "2463" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9542765" + }, + "source": "2461", + "target": "2465" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85139585" + }, + "source": "2461", + "target": "2466" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84382856" + }, + "source": "2461", + "target": "2468" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9234773" + }, + "source": "2461", + "target": "2469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7682993" + }, + "source": "2462", + "target": "2463" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.781706" + }, + "source": "2462", + "target": "2465" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7750058" + }, + "source": "2462", + "target": "2466" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7542465" + }, + "source": "2462", + "target": "2469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91480935" + }, + "source": "2463", + "target": "2465" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8256329" + }, + "source": "2463", + "target": "2466" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80409807" + }, + "source": "2463", + "target": "2468" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86757994" + }, + "source": "2463", + "target": "2469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78175026" + }, + "source": "2464", + "target": "2465" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7992889" + }, + "source": "2464", + "target": "2466" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7785183" + }, + "source": "2464", + "target": "2469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8780268" + }, + "source": "2465", + "target": "2466" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85751164" + }, + "source": "2465", + "target": "2468" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94112444" + }, + "source": "2465", + "target": "2469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85221976" + }, + "source": "2466", + "target": "2469" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8194574" + }, + "source": "2468", + "target": "2469" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8568928" + }, + "source": "2470", + "target": "2471" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8339067" + }, + "source": "2470", + "target": "2472" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86717284" + }, + "source": "2470", + "target": "2473" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7761784" + }, + "source": "2470", + "target": "2474" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79074574" + }, + "source": "2470", + "target": "2475" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8456146" + }, + "source": "2470", + "target": "2476" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9411575" + }, + "source": "2470", + "target": "2477" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94296587" + }, + "source": "2470", + "target": "2478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75137913" + }, + "source": "2470", + "target": "2479" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75770843" + }, + "source": "2471", + "target": "2472" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90591264" + }, + "source": "2471", + "target": "2473" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76780295" + }, + "source": "2471", + "target": "2476" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83741766" + }, + "source": "2471", + "target": "2477" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81633306" + }, + "source": "2471", + "target": "2478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8932382" + }, + "source": "2471", + "target": "2479" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7967231" + }, + "source": "2472", + "target": "2477" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8260449" + }, + "source": "2472", + "target": "2478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79058635" + }, + "source": "2473", + "target": "2476" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82603425" + }, + "source": "2473", + "target": "2477" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8293442" + }, + "source": "2473", + "target": "2478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8563292" + }, + "source": "2473", + "target": "2479" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76461434" + }, + "source": "2474", + "target": "2476" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77625436" + }, + "source": "2474", + "target": "2477" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77770865" + }, + "source": "2475", + "target": "2476" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78223026" + }, + "source": "2475", + "target": "2477" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75763595" + }, + "source": "2475", + "target": "2478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8457196" + }, + "source": "2476", + "target": "2477" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7963458" + }, + "source": "2476", + "target": "2478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8851116" + }, + "source": "2477", + "target": "2478" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7524941" + }, + "source": "2478", + "target": "2479" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87090397" + }, + "source": "2480", + "target": "2481" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.818342" + }, + "source": "2480", + "target": "2482" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85846776" + }, + "source": "2480", + "target": "2483" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8015741" + }, + "source": "2480", + "target": "2486" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7743407" + }, + "source": "2480", + "target": "2487" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85154766" + }, + "source": "2480", + "target": "2488" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84442496" + }, + "source": "2480", + "target": "2489" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81894493" + }, + "source": "2481", + "target": "2482" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9336879" + }, + "source": "2481", + "target": "2483" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8591675" + }, + "source": "2481", + "target": "2486" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7764039" + }, + "source": "2481", + "target": "2487" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9223838" + }, + "source": "2481", + "target": "2488" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90545475" + }, + "source": "2481", + "target": "2489" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7964779" + }, + "source": "2482", + "target": "2483" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7535943" + }, + "source": "2482", + "target": "2487" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78993034" + }, + "source": "2482", + "target": "2488" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75618047" + }, + "source": "2482", + "target": "2489" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8257406" + }, + "source": "2483", + "target": "2486" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9186765" + }, + "source": "2483", + "target": "2488" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91555727" + }, + "source": "2483", + "target": "2489" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7568244" + }, + "source": "2486", + "target": "2487" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7911918" + }, + "source": "2486", + "target": "2488" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7695532" + }, + "source": "2486", + "target": "2489" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9582861" + }, + "source": "2488", + "target": "2489" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9813671" + }, + "source": "2490", + "target": "2491" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.96794045" + }, + "source": "2490", + "target": "2492" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9207603" + }, + "source": "2490", + "target": "2493" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92473453" + }, + "source": "2490", + "target": "2494" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8147679" + }, + "source": "2490", + "target": "2495" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.98737675" + }, + "source": "2490", + "target": "2496" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8425064" + }, + "source": "2490", + "target": "2497" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9731663" + }, + "source": "2490", + "target": "2498" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8550414" + }, + "source": "2490", + "target": "2499" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9576633" + }, + "source": "2491", + "target": "2492" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9138651" + }, + "source": "2491", + "target": "2493" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89476883" + }, + "source": "2491", + "target": "2494" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8289448" + }, + "source": "2491", + "target": "2495" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.97000384" + }, + "source": "2491", + "target": "2496" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82106173" + }, + "source": "2491", + "target": "2497" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9616477" + }, + "source": "2491", + "target": "2498" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8793186" + }, + "source": "2491", + "target": "2499" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9049985" + }, + "source": "2492", + "target": "2493" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88513196" + }, + "source": "2492", + "target": "2494" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8029865" + }, + "source": "2492", + "target": "2495" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.96690583" + }, + "source": "2492", + "target": "2496" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83141965" + }, + "source": "2492", + "target": "2497" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94872606" + }, + "source": "2492", + "target": "2498" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8700204" + }, + "source": "2492", + "target": "2499" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8711338" + }, + "source": "2493", + "target": "2494" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82635856" + }, + "source": "2493", + "target": "2495" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9240406" + }, + "source": "2493", + "target": "2496" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7930974" + }, + "source": "2493", + "target": "2497" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9387976" + }, + "source": "2493", + "target": "2498" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86589265" + }, + "source": "2493", + "target": "2499" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8321154" + }, + "source": "2494", + "target": "2495" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9166982" + }, + "source": "2494", + "target": "2496" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8666054" + }, + "source": "2494", + "target": "2497" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92409146" + }, + "source": "2494", + "target": "2498" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7703795" + }, + "source": "2494", + "target": "2499" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8166892" + }, + "source": "2495", + "target": "2496" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8017448" + }, + "source": "2495", + "target": "2497" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81937754" + }, + "source": "2495", + "target": "2498" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.791391" + }, + "source": "2495", + "target": "2499" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8544338" + }, + "source": "2496", + "target": "2497" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.97266936" + }, + "source": "2496", + "target": "2498" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8592117" + }, + "source": "2496", + "target": "2499" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8250109" + }, + "source": "2497", + "target": "2498" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76641154" + }, + "source": "2497", + "target": "2499" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84421235" + }, + "source": "2498", + "target": "2499" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9440324" + }, + "source": "2501", + "target": "2502" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9026585" + }, + "source": "2501", + "target": "2503" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93225646" + }, + "source": "2501", + "target": "2504" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86854506" + }, + "source": "2501", + "target": "2505" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93600017" + }, + "source": "2501", + "target": "2506" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91188383" + }, + "source": "2501", + "target": "2507" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.98373425" + }, + "source": "2501", + "target": "2508" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89982253" + }, + "source": "2501", + "target": "2509" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90092784" + }, + "source": "2502", + "target": "2503" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89678943" + }, + "source": "2502", + "target": "2504" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8357539" + }, + "source": "2502", + "target": "2505" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8719427" + }, + "source": "2502", + "target": "2506" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88334614" + }, + "source": "2502", + "target": "2507" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9219059" + }, + "source": "2502", + "target": "2508" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8582385" + }, + "source": "2502", + "target": "2509" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8467581" + }, + "source": "2503", + "target": "2504" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.813048" + }, + "source": "2503", + "target": "2505" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91345966" + }, + "source": "2503", + "target": "2506" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90304095" + }, + "source": "2503", + "target": "2507" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8646324" + }, + "source": "2503", + "target": "2508" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84092236" + }, + "source": "2503", + "target": "2509" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8123213" + }, + "source": "2504", + "target": "2505" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87928975" + }, + "source": "2504", + "target": "2506" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8727126" + }, + "source": "2504", + "target": "2507" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9193821" + }, + "source": "2504", + "target": "2508" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84433866" + }, + "source": "2504", + "target": "2509" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86070055" + }, + "source": "2505", + "target": "2506" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80276334" + }, + "source": "2505", + "target": "2507" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8686651" + }, + "source": "2505", + "target": "2508" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78137136" + }, + "source": "2505", + "target": "2509" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9057141" + }, + "source": "2506", + "target": "2507" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9233744" + }, + "source": "2506", + "target": "2508" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9042107" + }, + "source": "2506", + "target": "2509" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88847744" + }, + "source": "2507", + "target": "2508" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8470148" + }, + "source": "2507", + "target": "2509" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8970469" + }, + "source": "2508", + "target": "2509" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8909002" + }, + "source": "2520", + "target": "2521" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8489183" + }, + "source": "2520", + "target": "2522" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9078795" + }, + "source": "2520", + "target": "2523" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82775515" + }, + "source": "2520", + "target": "2524" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89435446" + }, + "source": "2520", + "target": "2525" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85214585" + }, + "source": "2520", + "target": "2526" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80086106" + }, + "source": "2520", + "target": "2527" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9120389" + }, + "source": "2520", + "target": "2528" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8847395" + }, + "source": "2520", + "target": "2529" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8430691" + }, + "source": "2521", + "target": "2522" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8548603" + }, + "source": "2521", + "target": "2523" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7864187" + }, + "source": "2521", + "target": "2524" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.837098" + }, + "source": "2521", + "target": "2525" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8315474" + }, + "source": "2521", + "target": "2526" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81109226" + }, + "source": "2521", + "target": "2527" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88221145" + }, + "source": "2521", + "target": "2528" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91102505" + }, + "source": "2521", + "target": "2529" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8266985" + }, + "source": "2522", + "target": "2523" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83736604" + }, + "source": "2522", + "target": "2524" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81351167" + }, + "source": "2522", + "target": "2525" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7990709" + }, + "source": "2522", + "target": "2526" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8389349" + }, + "source": "2522", + "target": "2527" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8594964" + }, + "source": "2522", + "target": "2528" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8150128" + }, + "source": "2522", + "target": "2529" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8164818" + }, + "source": "2523", + "target": "2524" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92270684" + }, + "source": "2523", + "target": "2525" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8851589" + }, + "source": "2523", + "target": "2526" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7928371" + }, + "source": "2523", + "target": "2527" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8897336" + }, + "source": "2523", + "target": "2528" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9022659" + }, + "source": "2523", + "target": "2529" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8024195" + }, + "source": "2524", + "target": "2525" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.794386" + }, + "source": "2524", + "target": "2526" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86062753" + }, + "source": "2524", + "target": "2527" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8451389" + }, + "source": "2524", + "target": "2528" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7828208" + }, + "source": "2524", + "target": "2529" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86614656" + }, + "source": "2525", + "target": "2526" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79212797" + }, + "source": "2525", + "target": "2527" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8756473" + }, + "source": "2525", + "target": "2528" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86523706" + }, + "source": "2525", + "target": "2529" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.774598" + }, + "source": "2526", + "target": "2527" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.857306" + }, + "source": "2526", + "target": "2528" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8556904" + }, + "source": "2526", + "target": "2529" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82475173" + }, + "source": "2527", + "target": "2528" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7909659" + }, + "source": "2527", + "target": "2529" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8737404" + }, + "source": "2528", + "target": "2529" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77218926" + }, + "source": "2530", + "target": "2531" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8538474" + }, + "source": "2530", + "target": "2532" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8375324" + }, + "source": "2530", + "target": "2533" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8228805" + }, + "source": "2530", + "target": "2535" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82842374" + }, + "source": "2530", + "target": "2538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88685226" + }, + "source": "2530", + "target": "2539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.819809" + }, + "source": "2531", + "target": "2532" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88989" + }, + "source": "2531", + "target": "2533" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7521168" + }, + "source": "2531", + "target": "2534" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.771827" + }, + "source": "2531", + "target": "2535" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8554001" + }, + "source": "2531", + "target": "2538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8071022" + }, + "source": "2531", + "target": "2539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8424214" + }, + "source": "2532", + "target": "2533" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7907721" + }, + "source": "2532", + "target": "2535" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8269367" + }, + "source": "2532", + "target": "2538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87882686" + }, + "source": "2532", + "target": "2539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8699412" + }, + "source": "2533", + "target": "2535" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8651507" + }, + "source": "2533", + "target": "2538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8873687" + }, + "source": "2533", + "target": "2539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7831936" + }, + "source": "2534", + "target": "2538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8150986" + }, + "source": "2535", + "target": "2538" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83836013" + }, + "source": "2535", + "target": "2539" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8495301" + }, + "source": "2538", + "target": "2539" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82860374" + }, + "source": "2540", + "target": "2541" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8392192" + }, + "source": "2540", + "target": "2542" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8612124" + }, + "source": "2540", + "target": "2543" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85021853" + }, + "source": "2540", + "target": "2544" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8113788" + }, + "source": "2540", + "target": "2545" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83085585" + }, + "source": "2540", + "target": "2546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8267035" + }, + "source": "2540", + "target": "2547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8087582" + }, + "source": "2540", + "target": "2548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79792607" + }, + "source": "2540", + "target": "2549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86362016" + }, + "source": "2541", + "target": "2542" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86938477" + }, + "source": "2541", + "target": "2543" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81548315" + }, + "source": "2541", + "target": "2544" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85532033" + }, + "source": "2541", + "target": "2545" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89798903" + }, + "source": "2541", + "target": "2546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8704185" + }, + "source": "2541", + "target": "2547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8601861" + }, + "source": "2541", + "target": "2548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8864946" + }, + "source": "2541", + "target": "2549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90433663" + }, + "source": "2542", + "target": "2543" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8741137" + }, + "source": "2542", + "target": "2544" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81467426" + }, + "source": "2542", + "target": "2545" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8995921" + }, + "source": "2542", + "target": "2546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90659523" + }, + "source": "2542", + "target": "2547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86203855" + }, + "source": "2542", + "target": "2548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87034833" + }, + "source": "2542", + "target": "2549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8730645" + }, + "source": "2543", + "target": "2544" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86440146" + }, + "source": "2543", + "target": "2545" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90238965" + }, + "source": "2543", + "target": "2546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93394876" + }, + "source": "2543", + "target": "2547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8851463" + }, + "source": "2543", + "target": "2548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8796407" + }, + "source": "2543", + "target": "2549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83286" + }, + "source": "2544", + "target": "2545" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85600317" + }, + "source": "2544", + "target": "2546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8884199" + }, + "source": "2544", + "target": "2547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8549186" + }, + "source": "2544", + "target": "2548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83425504" + }, + "source": "2544", + "target": "2549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8457688" + }, + "source": "2545", + "target": "2546" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8713783" + }, + "source": "2545", + "target": "2547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8523923" + }, + "source": "2545", + "target": "2548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82549185" + }, + "source": "2545", + "target": "2549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9138876" + }, + "source": "2546", + "target": "2547" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8679669" + }, + "source": "2546", + "target": "2548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86156046" + }, + "source": "2546", + "target": "2549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8847872" + }, + "source": "2547", + "target": "2548" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8503187" + }, + "source": "2547", + "target": "2549" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8556533" + }, + "source": "2548", + "target": "2549" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.885949" + }, + "source": "2550", + "target": "2551" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.857279" + }, + "source": "2550", + "target": "2552" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8374588" + }, + "source": "2550", + "target": "2553" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7908425" + }, + "source": "2550", + "target": "2554" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81287706" + }, + "source": "2550", + "target": "2555" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9348109" + }, + "source": "2550", + "target": "2556" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77729404" + }, + "source": "2550", + "target": "2557" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8749194" + }, + "source": "2550", + "target": "2558" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87246996" + }, + "source": "2550", + "target": "2559" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82350916" + }, + "source": "2551", + "target": "2552" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81874603" + }, + "source": "2551", + "target": "2553" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76148355" + }, + "source": "2551", + "target": "2554" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87527275" + }, + "source": "2551", + "target": "2556" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8765795" + }, + "source": "2551", + "target": "2558" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8559191" + }, + "source": "2551", + "target": "2559" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78963053" + }, + "source": "2552", + "target": "2553" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7534573" + }, + "source": "2552", + "target": "2554" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75138414" + }, + "source": "2552", + "target": "2555" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84174573" + }, + "source": "2552", + "target": "2556" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7997442" + }, + "source": "2552", + "target": "2558" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77071816" + }, + "source": "2552", + "target": "2559" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84789056" + }, + "source": "2553", + "target": "2554" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8391827" + }, + "source": "2553", + "target": "2556" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80711776" + }, + "source": "2553", + "target": "2557" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8024069" + }, + "source": "2553", + "target": "2558" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7949116" + }, + "source": "2553", + "target": "2559" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79263914" + }, + "source": "2554", + "target": "2556" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8269551" + }, + "source": "2554", + "target": "2557" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76164687" + }, + "source": "2554", + "target": "2558" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7502008" + }, + "source": "2554", + "target": "2559" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85231465" + }, + "source": "2555", + "target": "2556" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7697208" + }, + "source": "2555", + "target": "2558" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7503316" + }, + "source": "2556", + "target": "2557" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8776647" + }, + "source": "2556", + "target": "2558" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8783926" + }, + "source": "2556", + "target": "2559" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.862526" + }, + "source": "2558", + "target": "2559" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.858961" + }, + "source": "2560", + "target": "2561" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84210396" + }, + "source": "2560", + "target": "2562" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8376068" + }, + "source": "2560", + "target": "2563" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8189453" + }, + "source": "2560", + "target": "2564" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8369875" + }, + "source": "2560", + "target": "2565" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8541583" + }, + "source": "2560", + "target": "2566" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82348824" + }, + "source": "2560", + "target": "2567" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85928524" + }, + "source": "2560", + "target": "2568" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81082857" + }, + "source": "2560", + "target": "2569" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83741164" + }, + "source": "2561", + "target": "2562" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8309045" + }, + "source": "2561", + "target": "2563" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8731952" + }, + "source": "2561", + "target": "2564" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.826107" + }, + "source": "2561", + "target": "2565" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9280288" + }, + "source": "2561", + "target": "2566" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.919918" + }, + "source": "2561", + "target": "2567" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87923" + }, + "source": "2561", + "target": "2568" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8566929" + }, + "source": "2561", + "target": "2569" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9026159" + }, + "source": "2562", + "target": "2563" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8382708" + }, + "source": "2562", + "target": "2564" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.840361" + }, + "source": "2562", + "target": "2565" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8489839" + }, + "source": "2562", + "target": "2566" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84545887" + }, + "source": "2562", + "target": "2567" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86328703" + }, + "source": "2562", + "target": "2568" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8494116" + }, + "source": "2562", + "target": "2569" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8358175" + }, + "source": "2563", + "target": "2564" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8962425" + }, + "source": "2563", + "target": "2565" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8419651" + }, + "source": "2563", + "target": "2566" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8293485" + }, + "source": "2563", + "target": "2567" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87411416" + }, + "source": "2563", + "target": "2568" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95265675" + }, + "source": "2563", + "target": "2569" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8077637" + }, + "source": "2564", + "target": "2565" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84365726" + }, + "source": "2564", + "target": "2566" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8672739" + }, + "source": "2564", + "target": "2567" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88424504" + }, + "source": "2564", + "target": "2568" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84052" + }, + "source": "2564", + "target": "2569" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7970208" + }, + "source": "2565", + "target": "2566" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8340425" + }, + "source": "2565", + "target": "2567" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9099262" + }, + "source": "2565", + "target": "2568" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86287713" + }, + "source": "2565", + "target": "2569" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8889744" + }, + "source": "2566", + "target": "2567" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85458374" + }, + "source": "2566", + "target": "2568" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8613206" + }, + "source": "2566", + "target": "2569" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8737136" + }, + "source": "2567", + "target": "2568" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8459925" + }, + "source": "2567", + "target": "2569" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8527262" + }, + "source": "2568", + "target": "2569" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.80378455" + }, + "source": "2570", + "target": "2571" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8943845" + }, + "source": "2570", + "target": "2572" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84588695" + }, + "source": "2570", + "target": "2573" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8573386" + }, + "source": "2570", + "target": "2574" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.80911803" + }, + "source": "2570", + "target": "2575" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7930489" + }, + "source": "2570", + "target": "2576" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85055864" + }, + "source": "2570", + "target": "2577" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7657547" + }, + "source": "2570", + "target": "2578" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83196557" + }, + "source": "2570", + "target": "2579" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93988866" + }, + "source": "2571", + "target": "2572" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94538265" + }, + "source": "2571", + "target": "2573" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9655395" + }, + "source": "2571", + "target": "2574" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9230234" + }, + "source": "2571", + "target": "2575" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93169415" + }, + "source": "2571", + "target": "2576" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95998454" + }, + "source": "2571", + "target": "2577" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8764372" + }, + "source": "2571", + "target": "2578" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9628495" + }, + "source": "2571", + "target": "2579" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9571079" + }, + "source": "2572", + "target": "2573" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.971502" + }, + "source": "2572", + "target": "2574" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92289126" + }, + "source": "2572", + "target": "2575" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9128863" + }, + "source": "2572", + "target": "2576" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9803093" + }, + "source": "2572", + "target": "2577" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87838006" + }, + "source": "2572", + "target": "2578" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9533119" + }, + "source": "2572", + "target": "2579" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9643842" + }, + "source": "2573", + "target": "2574" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9461067" + }, + "source": "2573", + "target": "2575" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9411489" + }, + "source": "2573", + "target": "2576" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96923494" + }, + "source": "2573", + "target": "2577" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9303074" + }, + "source": "2573", + "target": "2578" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96048" + }, + "source": "2573", + "target": "2579" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9378973" + }, + "source": "2574", + "target": "2575" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9253893" + }, + "source": "2574", + "target": "2576" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9798678" + }, + "source": "2574", + "target": "2577" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89728236" + }, + "source": "2574", + "target": "2578" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9891542" + }, + "source": "2574", + "target": "2579" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94598925" + }, + "source": "2575", + "target": "2576" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9546137" + }, + "source": "2575", + "target": "2577" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87732863" + }, + "source": "2575", + "target": "2578" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9382808" + }, + "source": "2575", + "target": "2579" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93962413" + }, + "source": "2576", + "target": "2577" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8846566" + }, + "source": "2576", + "target": "2578" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.916628" + }, + "source": "2576", + "target": "2579" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89939743" + }, + "source": "2577", + "target": "2578" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97652835" + }, + "source": "2577", + "target": "2579" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88355523" + }, + "source": "2578", + "target": "2579" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87791276" + }, + "source": "2580", + "target": "2581" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.919541" + }, + "source": "2580", + "target": "2582" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90471756" + }, + "source": "2580", + "target": "2583" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8849983" + }, + "source": "2580", + "target": "2584" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8805233" + }, + "source": "2580", + "target": "2585" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86284995" + }, + "source": "2580", + "target": "2586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9087711" + }, + "source": "2580", + "target": "2587" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85297424" + }, + "source": "2580", + "target": "2588" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8887234" + }, + "source": "2580", + "target": "2589" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.978657" + }, + "source": "2581", + "target": "2582" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96570253" + }, + "source": "2581", + "target": "2583" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97166204" + }, + "source": "2581", + "target": "2584" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96953976" + }, + "source": "2581", + "target": "2585" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9893802" + }, + "source": "2581", + "target": "2586" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9712995" + }, + "source": "2581", + "target": "2587" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95677924" + }, + "source": "2581", + "target": "2588" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97764647" + }, + "source": "2581", + "target": "2589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97237253" + }, + "source": "2582", + "target": "2583" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97999036" + }, + "source": "2582", + "target": "2584" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9624164" + }, + "source": "2582", + "target": "2585" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96482164" + }, + "source": "2582", + "target": "2586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9882716" + }, + "source": "2582", + "target": "2587" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.947945" + }, + "source": "2582", + "target": "2588" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9760471" + }, + "source": "2582", + "target": "2589" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96120787" + }, + "source": "2583", + "target": "2584" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9665034" + }, + "source": "2583", + "target": "2585" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95140755" + }, + "source": "2583", + "target": "2586" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9618255" + }, + "source": "2583", + "target": "2587" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93869305" + }, + "source": "2583", + "target": "2588" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96480715" + }, + "source": "2583", + "target": "2589" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9614538" + }, + "source": "2584", + "target": "2585" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9647826" + }, + "source": "2584", + "target": "2586" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.98282397" + }, + "source": "2584", + "target": "2587" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9641106" + }, + "source": "2584", + "target": "2588" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97641134" + }, + "source": "2584", + "target": "2589" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9678253" + }, + "source": "2585", + "target": "2586" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9628277" + }, + "source": "2585", + "target": "2587" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94249797" + }, + "source": "2585", + "target": "2588" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96351254" + }, + "source": "2585", + "target": "2589" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96103287" + }, + "source": "2586", + "target": "2587" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94811845" + }, + "source": "2586", + "target": "2588" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.971769" + }, + "source": "2586", + "target": "2589" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94878936" + }, + "source": "2587", + "target": "2588" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97775996" + }, + "source": "2587", + "target": "2589" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.948929" + }, + "source": "2588", + "target": "2589" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9493203" + }, + "source": "2590", + "target": "2591" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9289252" + }, + "source": "2590", + "target": "2592" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9493203" + }, + "source": "2590", + "target": "2593" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9493203" + }, + "source": "2590", + "target": "2594" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94082" + }, + "source": "2590", + "target": "2595" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9493203" + }, + "source": "2590", + "target": "2596" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9493203" + }, + "source": "2590", + "target": "2597" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9493203" + }, + "source": "2590", + "target": "2598" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9493203" + }, + "source": "2590", + "target": "2599" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9704193" + }, + "source": "2591", + "target": "2592" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2591", + "target": "2593" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2591", + "target": "2594" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98615545" + }, + "source": "2591", + "target": "2595" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2591", + "target": "2596" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2591", + "target": "2597" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2591", + "target": "2598" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2591", + "target": "2599" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97041917" + }, + "source": "2592", + "target": "2593" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97041917" + }, + "source": "2592", + "target": "2594" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9535777" + }, + "source": "2592", + "target": "2595" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97041917" + }, + "source": "2592", + "target": "2596" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97041917" + }, + "source": "2592", + "target": "2597" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97041917" + }, + "source": "2592", + "target": "2598" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97041917" + }, + "source": "2592", + "target": "2599" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2593", + "target": "2594" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98615545" + }, + "source": "2593", + "target": "2595" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2593", + "target": "2596" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2593", + "target": "2597" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2593", + "target": "2598" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2593", + "target": "2599" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98615545" + }, + "source": "2594", + "target": "2595" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2594", + "target": "2596" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2594", + "target": "2597" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2594", + "target": "2598" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2594", + "target": "2599" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9861553" + }, + "source": "2595", + "target": "2596" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9861553" + }, + "source": "2595", + "target": "2597" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9861553" + }, + "source": "2595", + "target": "2598" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9861553" + }, + "source": "2595", + "target": "2599" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2596", + "target": "2597" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2596", + "target": "2598" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2596", + "target": "2599" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2597", + "target": "2598" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2597", + "target": "2599" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2598", + "target": "2599" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87674004" + }, + "source": "2600", + "target": "2601" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90833324" + }, + "source": "2600", + "target": "2602" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8940078" + }, + "source": "2600", + "target": "2603" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7985458" + }, + "source": "2600", + "target": "2605" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9038507" + }, + "source": "2600", + "target": "2606" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77067065" + }, + "source": "2600", + "target": "2607" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9214368" + }, + "source": "2600", + "target": "2608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92471474" + }, + "source": "2600", + "target": "2609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81900024" + }, + "source": "2601", + "target": "2602" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81828046" + }, + "source": "2601", + "target": "2603" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.815966" + }, + "source": "2601", + "target": "2606" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8861145" + }, + "source": "2601", + "target": "2608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88204736" + }, + "source": "2601", + "target": "2609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8802053" + }, + "source": "2602", + "target": "2603" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8771783" + }, + "source": "2602", + "target": "2606" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76380193" + }, + "source": "2602", + "target": "2607" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8723037" + }, + "source": "2602", + "target": "2608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87442404" + }, + "source": "2602", + "target": "2609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7572628" + }, + "source": "2603", + "target": "2605" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85271007" + }, + "source": "2603", + "target": "2606" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8910489" + }, + "source": "2603", + "target": "2608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.882205" + }, + "source": "2603", + "target": "2609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7866434" + }, + "source": "2604", + "target": "2606" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81340796" + }, + "source": "2604", + "target": "2607" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7711539" + }, + "source": "2605", + "target": "2608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75509095" + }, + "source": "2605", + "target": "2609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8102945" + }, + "source": "2606", + "target": "2607" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8428236" + }, + "source": "2606", + "target": "2608" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8726152" + }, + "source": "2606", + "target": "2609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76142824" + }, + "source": "2607", + "target": "2609" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9099933" + }, + "source": "2608", + "target": "2609" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75510037" + }, + "source": "2610", + "target": "2612" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7774993" + }, + "source": "2610", + "target": "2614" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75144875" + }, + "source": "2610", + "target": "2616" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7638181" + }, + "source": "2610", + "target": "2617" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7744522" + }, + "source": "2610", + "target": "2618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7551019" + }, + "source": "2610", + "target": "2619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9108834" + }, + "source": "2612", + "target": "2613" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9074669" + }, + "source": "2612", + "target": "2614" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86627614" + }, + "source": "2612", + "target": "2615" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.821661" + }, + "source": "2612", + "target": "2616" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87983596" + }, + "source": "2612", + "target": "2617" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8465809" + }, + "source": "2612", + "target": "2618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8579776" + }, + "source": "2612", + "target": "2619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87989223" + }, + "source": "2613", + "target": "2614" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8657747" + }, + "source": "2613", + "target": "2615" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8899336" + }, + "source": "2613", + "target": "2616" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90794003" + }, + "source": "2613", + "target": "2617" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.877494" + }, + "source": "2613", + "target": "2618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9208143" + }, + "source": "2613", + "target": "2619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85572064" + }, + "source": "2614", + "target": "2615" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8649291" + }, + "source": "2614", + "target": "2616" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9251354" + }, + "source": "2614", + "target": "2617" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9155104" + }, + "source": "2614", + "target": "2618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86699635" + }, + "source": "2614", + "target": "2619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84267265" + }, + "source": "2615", + "target": "2616" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87740034" + }, + "source": "2615", + "target": "2617" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8408404" + }, + "source": "2615", + "target": "2618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88908273" + }, + "source": "2615", + "target": "2619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8715317" + }, + "source": "2616", + "target": "2617" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90380454" + }, + "source": "2616", + "target": "2618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9202907" + }, + "source": "2616", + "target": "2619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87612724" + }, + "source": "2617", + "target": "2618" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9091413" + }, + "source": "2617", + "target": "2619" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89080393" + }, + "source": "2618", + "target": "2619" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86573285" + }, + "source": "2620", + "target": "2621" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8517725" + }, + "source": "2620", + "target": "2622" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85164773" + }, + "source": "2620", + "target": "2623" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87575436" + }, + "source": "2620", + "target": "2624" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8482344" + }, + "source": "2620", + "target": "2625" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85574746" + }, + "source": "2620", + "target": "2626" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84955204" + }, + "source": "2620", + "target": "2627" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8632596" + }, + "source": "2620", + "target": "2628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87807316" + }, + "source": "2620", + "target": "2629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9678825" + }, + "source": "2621", + "target": "2622" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9853718" + }, + "source": "2621", + "target": "2623" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97394735" + }, + "source": "2621", + "target": "2624" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96340644" + }, + "source": "2621", + "target": "2625" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9646341" + }, + "source": "2621", + "target": "2626" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9796473" + }, + "source": "2621", + "target": "2627" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9647523" + }, + "source": "2621", + "target": "2628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90442467" + }, + "source": "2621", + "target": "2629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9802538" + }, + "source": "2622", + "target": "2623" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97024477" + }, + "source": "2622", + "target": "2624" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95863295" + }, + "source": "2622", + "target": "2625" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9621517" + }, + "source": "2622", + "target": "2626" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.954591" + }, + "source": "2622", + "target": "2627" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9572209" + }, + "source": "2622", + "target": "2628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89697593" + }, + "source": "2622", + "target": "2629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96749055" + }, + "source": "2623", + "target": "2624" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9599415" + }, + "source": "2623", + "target": "2625" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95991516" + }, + "source": "2623", + "target": "2626" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.970128" + }, + "source": "2623", + "target": "2627" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9566162" + }, + "source": "2623", + "target": "2628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89402753" + }, + "source": "2623", + "target": "2629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96459436" + }, + "source": "2624", + "target": "2625" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9633986" + }, + "source": "2624", + "target": "2626" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9636213" + }, + "source": "2624", + "target": "2627" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98486197" + }, + "source": "2624", + "target": "2628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9007661" + }, + "source": "2624", + "target": "2629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9722788" + }, + "source": "2625", + "target": "2626" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9508269" + }, + "source": "2625", + "target": "2627" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95567894" + }, + "source": "2625", + "target": "2628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94262946" + }, + "source": "2625", + "target": "2629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.958717" + }, + "source": "2626", + "target": "2627" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98036224" + }, + "source": "2626", + "target": "2628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9197676" + }, + "source": "2626", + "target": "2629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95491564" + }, + "source": "2627", + "target": "2628" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88607454" + }, + "source": "2627", + "target": "2629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89461005" + }, + "source": "2628", + "target": "2629" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97092164" + }, + "source": "2630", + "target": "2631" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96811473" + }, + "source": "2630", + "target": "2632" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97092164" + }, + "source": "2630", + "target": "2633" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9707316" + }, + "source": "2630", + "target": "2634" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96811473" + }, + "source": "2630", + "target": "2635" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97481155" + }, + "source": "2630", + "target": "2636" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9520591" + }, + "source": "2630", + "target": "2637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.964643" + }, + "source": "2630", + "target": "2638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9649353" + }, + "source": "2630", + "target": "2639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98013073" + }, + "source": "2631", + "target": "2632" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0" + }, + "source": "2631", + "target": "2633" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9978907" + }, + "source": "2631", + "target": "2634" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98013073" + }, + "source": "2631", + "target": "2635" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9983523" + }, + "source": "2631", + "target": "2636" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9703085" + }, + "source": "2631", + "target": "2637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99609375" + }, + "source": "2631", + "target": "2638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99294317" + }, + "source": "2631", + "target": "2639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9801306" + }, + "source": "2632", + "target": "2633" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98168254" + }, + "source": "2632", + "target": "2634" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000001" + }, + "source": "2632", + "target": "2635" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9813974" + }, + "source": "2632", + "target": "2636" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9872396" + }, + "source": "2632", + "target": "2637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97849166" + }, + "source": "2632", + "target": "2638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.987977" + }, + "source": "2632", + "target": "2639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9978907" + }, + "source": "2633", + "target": "2634" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98013073" + }, + "source": "2633", + "target": "2635" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9983523" + }, + "source": "2633", + "target": "2636" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9703085" + }, + "source": "2633", + "target": "2637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99609375" + }, + "source": "2633", + "target": "2638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99294317" + }, + "source": "2633", + "target": "2639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98168266" + }, + "source": "2634", + "target": "2635" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.996782" + }, + "source": "2634", + "target": "2636" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97256076" + }, + "source": "2634", + "target": "2637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9972795" + }, + "source": "2634", + "target": "2638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9899648" + }, + "source": "2634", + "target": "2639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9813974" + }, + "source": "2635", + "target": "2636" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9872396" + }, + "source": "2635", + "target": "2637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97849166" + }, + "source": "2635", + "target": "2638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.987977" + }, + "source": "2635", + "target": "2639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97023094" + }, + "source": "2636", + "target": "2637" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9940431" + }, + "source": "2636", + "target": "2638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99165833" + }, + "source": "2636", + "target": "2639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9712335" + }, + "source": "2637", + "target": "2638" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97974145" + }, + "source": "2637", + "target": "2639" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99120784" + }, + "source": "2638", + "target": "2639" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9032327" + }, + "source": "2640", + "target": "2641" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8844136" + }, + "source": "2640", + "target": "2642" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9102675" + }, + "source": "2640", + "target": "2643" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8527601" + }, + "source": "2640", + "target": "2645" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87380266" + }, + "source": "2640", + "target": "2648" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9193544" + }, + "source": "2640", + "target": "2649" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8714075" + }, + "source": "2641", + "target": "2642" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93697286" + }, + "source": "2641", + "target": "2643" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8169445" + }, + "source": "2641", + "target": "2645" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93325484" + }, + "source": "2641", + "target": "2648" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9469178" + }, + "source": "2641", + "target": "2649" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.869292" + }, + "source": "2642", + "target": "2643" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8073473" + }, + "source": "2642", + "target": "2645" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85705924" + }, + "source": "2642", + "target": "2648" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8819994" + }, + "source": "2642", + "target": "2649" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86189497" + }, + "source": "2643", + "target": "2645" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9430885" + }, + "source": "2643", + "target": "2648" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94902986" + }, + "source": "2643", + "target": "2649" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8260785" + }, + "source": "2645", + "target": "2648" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83779395" + }, + "source": "2645", + "target": "2649" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9316994" + }, + "source": "2648", + "target": "2649" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7773688" + }, + "source": "2650", + "target": "2651" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9065013" + }, + "source": "2650", + "target": "2652" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8204076" + }, + "source": "2650", + "target": "2653" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7662961" + }, + "source": "2650", + "target": "2654" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80284834" + }, + "source": "2650", + "target": "2655" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7745427" + }, + "source": "2650", + "target": "2656" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89316916" + }, + "source": "2650", + "target": "2658" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8792388" + }, + "source": "2650", + "target": "2659" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84006" + }, + "source": "2651", + "target": "2652" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7550681" + }, + "source": "2651", + "target": "2653" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76687646" + }, + "source": "2651", + "target": "2656" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75767934" + }, + "source": "2651", + "target": "2657" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81746924" + }, + "source": "2651", + "target": "2658" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78110373" + }, + "source": "2651", + "target": "2659" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84342504" + }, + "source": "2652", + "target": "2653" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7964258" + }, + "source": "2652", + "target": "2655" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8056822" + }, + "source": "2652", + "target": "2656" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9051981" + }, + "source": "2652", + "target": "2658" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87338257" + }, + "source": "2652", + "target": "2659" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85272205" + }, + "source": "2653", + "target": "2658" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81336963" + }, + "source": "2653", + "target": "2659" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77806437" + }, + "source": "2654", + "target": "2658" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7949146" + }, + "source": "2655", + "target": "2658" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7779108" + }, + "source": "2655", + "target": "2659" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77492815" + }, + "source": "2656", + "target": "2657" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7681401" + }, + "source": "2656", + "target": "2658" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7881839" + }, + "source": "2657", + "target": "2658" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8993864" + }, + "source": "2658", + "target": "2659" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8199558" + }, + "source": "2660", + "target": "2661" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77419925" + }, + "source": "2660", + "target": "2662" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80048347" + }, + "source": "2660", + "target": "2665" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75711787" + }, + "source": "2660", + "target": "2667" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76354504" + }, + "source": "2660", + "target": "2668" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76773036" + }, + "source": "2660", + "target": "2669" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8722021" + }, + "source": "2661", + "target": "2662" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8790618" + }, + "source": "2661", + "target": "2663" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83981645" + }, + "source": "2661", + "target": "2664" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92412794" + }, + "source": "2661", + "target": "2665" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90296125" + }, + "source": "2661", + "target": "2666" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8818543" + }, + "source": "2661", + "target": "2667" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9080992" + }, + "source": "2661", + "target": "2668" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8598912" + }, + "source": "2661", + "target": "2669" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90167755" + }, + "source": "2662", + "target": "2663" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9162668" + }, + "source": "2662", + "target": "2664" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91489685" + }, + "source": "2662", + "target": "2665" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91759217" + }, + "source": "2662", + "target": "2666" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9313476" + }, + "source": "2662", + "target": "2667" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8582033" + }, + "source": "2662", + "target": "2668" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90724516" + }, + "source": "2662", + "target": "2669" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88622266" + }, + "source": "2663", + "target": "2664" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.918514" + }, + "source": "2663", + "target": "2665" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89408493" + }, + "source": "2663", + "target": "2666" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87689763" + }, + "source": "2663", + "target": "2667" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8737201" + }, + "source": "2663", + "target": "2668" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87448204" + }, + "source": "2663", + "target": "2669" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88930595" + }, + "source": "2664", + "target": "2665" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8598778" + }, + "source": "2664", + "target": "2666" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9044161" + }, + "source": "2664", + "target": "2667" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8424896" + }, + "source": "2664", + "target": "2668" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86669713" + }, + "source": "2664", + "target": "2669" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9088675" + }, + "source": "2665", + "target": "2666" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8966259" + }, + "source": "2665", + "target": "2667" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89426297" + }, + "source": "2665", + "target": "2668" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9282551" + }, + "source": "2665", + "target": "2669" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88758624" + }, + "source": "2666", + "target": "2667" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8503871" + }, + "source": "2666", + "target": "2668" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85534894" + }, + "source": "2666", + "target": "2669" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8940265" + }, + "source": "2667", + "target": "2668" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8807032" + }, + "source": "2667", + "target": "2669" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8419819" + }, + "source": "2668", + "target": "2669" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94192266" + }, + "source": "2670", + "target": "2671" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9437697" + }, + "source": "2670", + "target": "2672" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9417262" + }, + "source": "2670", + "target": "2673" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9570781" + }, + "source": "2670", + "target": "2674" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9505497" + }, + "source": "2670", + "target": "2675" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9494767" + }, + "source": "2670", + "target": "2676" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96114874" + }, + "source": "2670", + "target": "2677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86515355" + }, + "source": "2670", + "target": "2678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9417262" + }, + "source": "2670", + "target": "2679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9967878" + }, + "source": "2671", + "target": "2672" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9651775" + }, + "source": "2671", + "target": "2673" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9763981" + }, + "source": "2671", + "target": "2674" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9981881" + }, + "source": "2671", + "target": "2675" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99016374" + }, + "source": "2671", + "target": "2676" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9695368" + }, + "source": "2671", + "target": "2677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8620764" + }, + "source": "2671", + "target": "2678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9651775" + }, + "source": "2671", + "target": "2679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96502763" + }, + "source": "2672", + "target": "2673" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9800239" + }, + "source": "2672", + "target": "2674" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99509954" + }, + "source": "2672", + "target": "2675" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.987547" + }, + "source": "2672", + "target": "2676" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9733685" + }, + "source": "2672", + "target": "2677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87223804" + }, + "source": "2672", + "target": "2678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96502763" + }, + "source": "2672", + "target": "2679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9794439" + }, + "source": "2673", + "target": "2674" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9705311" + }, + "source": "2673", + "target": "2675" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9812328" + }, + "source": "2673", + "target": "2676" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9784975" + }, + "source": "2673", + "target": "2677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89300084" + }, + "source": "2673", + "target": "2678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0" + }, + "source": "2673", + "target": "2679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98164463" + }, + "source": "2674", + "target": "2675" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9766489" + }, + "source": "2674", + "target": "2676" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9985094" + }, + "source": "2674", + "target": "2677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8944572" + }, + "source": "2674", + "target": "2678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9794439" + }, + "source": "2674", + "target": "2679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9917456" + }, + "source": "2675", + "target": "2676" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9767238" + }, + "source": "2675", + "target": "2677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8705884" + }, + "source": "2675", + "target": "2678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.970531" + }, + "source": "2675", + "target": "2679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97146726" + }, + "source": "2676", + "target": "2677" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8771228" + }, + "source": "2676", + "target": "2678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9812328" + }, + "source": "2676", + "target": "2679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8952594" + }, + "source": "2677", + "target": "2678" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9784975" + }, + "source": "2677", + "target": "2679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89300084" + }, + "source": "2678", + "target": "2679" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8604462" + }, + "source": "2680", + "target": "2681" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8571088" + }, + "source": "2680", + "target": "2682" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86299634" + }, + "source": "2680", + "target": "2683" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8903172" + }, + "source": "2680", + "target": "2684" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83050317" + }, + "source": "2680", + "target": "2685" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8648901" + }, + "source": "2680", + "target": "2686" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8813195" + }, + "source": "2680", + "target": "2687" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8695754" + }, + "source": "2680", + "target": "2688" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85148585" + }, + "source": "2680", + "target": "2689" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.852478" + }, + "source": "2681", + "target": "2682" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8671864" + }, + "source": "2681", + "target": "2683" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8799268" + }, + "source": "2681", + "target": "2684" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8657219" + }, + "source": "2681", + "target": "2685" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86342835" + }, + "source": "2681", + "target": "2686" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8872508" + }, + "source": "2681", + "target": "2687" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8751364" + }, + "source": "2681", + "target": "2688" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86349463" + }, + "source": "2681", + "target": "2689" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98752403" + }, + "source": "2682", + "target": "2683" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9628315" + }, + "source": "2682", + "target": "2684" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8335403" + }, + "source": "2682", + "target": "2685" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92027664" + }, + "source": "2682", + "target": "2686" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96349746" + }, + "source": "2682", + "target": "2687" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9658607" + }, + "source": "2682", + "target": "2688" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9877511" + }, + "source": "2682", + "target": "2689" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95850575" + }, + "source": "2683", + "target": "2684" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83945966" + }, + "source": "2683", + "target": "2685" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92226267" + }, + "source": "2683", + "target": "2686" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9573005" + }, + "source": "2683", + "target": "2687" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98205537" + }, + "source": "2683", + "target": "2688" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99246526" + }, + "source": "2683", + "target": "2689" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85691977" + }, + "source": "2684", + "target": "2685" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9413143" + }, + "source": "2684", + "target": "2686" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97776544" + }, + "source": "2684", + "target": "2687" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9619335" + }, + "source": "2684", + "target": "2688" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9471039" + }, + "source": "2684", + "target": "2689" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8533042" + }, + "source": "2685", + "target": "2686" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.872339" + }, + "source": "2685", + "target": "2687" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83830184" + }, + "source": "2685", + "target": "2688" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8456081" + }, + "source": "2685", + "target": "2689" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95016456" + }, + "source": "2686", + "target": "2687" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9229149" + }, + "source": "2686", + "target": "2688" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92829204" + }, + "source": "2686", + "target": "2689" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94585574" + }, + "source": "2687", + "target": "2688" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9604262" + }, + "source": "2687", + "target": "2689" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9684526" + }, + "source": "2688", + "target": "2689" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97354174" + }, + "source": "2690", + "target": "2691" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9822128" + }, + "source": "2690", + "target": "2692" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98891574" + }, + "source": "2690", + "target": "2693" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96582776" + }, + "source": "2690", + "target": "2694" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99807954" + }, + "source": "2690", + "target": "2695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9538098" + }, + "source": "2690", + "target": "2696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9830291" + }, + "source": "2690", + "target": "2697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99371386" + }, + "source": "2690", + "target": "2698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98559487" + }, + "source": "2690", + "target": "2699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97427475" + }, + "source": "2691", + "target": "2692" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9584764" + }, + "source": "2691", + "target": "2693" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9387876" + }, + "source": "2691", + "target": "2694" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9770771" + }, + "source": "2691", + "target": "2695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9251318" + }, + "source": "2691", + "target": "2696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95643336" + }, + "source": "2691", + "target": "2697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96888566" + }, + "source": "2691", + "target": "2698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95989835" + }, + "source": "2691", + "target": "2699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9712245" + }, + "source": "2692", + "target": "2693" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9486201" + }, + "source": "2692", + "target": "2694" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98029643" + }, + "source": "2692", + "target": "2695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9388257" + }, + "source": "2692", + "target": "2696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9641473" + }, + "source": "2692", + "target": "2697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9744961" + }, + "source": "2692", + "target": "2698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9657384" + }, + "source": "2692", + "target": "2699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9573294" + }, + "source": "2693", + "target": "2694" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9873582" + }, + "source": "2693", + "target": "2695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94808245" + }, + "source": "2693", + "target": "2696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96958256" + }, + "source": "2693", + "target": "2697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9802651" + }, + "source": "2693", + "target": "2698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97894925" + }, + "source": "2693", + "target": "2699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9645447" + }, + "source": "2694", + "target": "2695" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9239836" + }, + "source": "2694", + "target": "2696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94850177" + }, + "source": "2694", + "target": "2697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9589106" + }, + "source": "2694", + "target": "2698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9499855" + }, + "source": "2694", + "target": "2699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9494944" + }, + "source": "2695", + "target": "2696" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97986025" + }, + "source": "2695", + "target": "2697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9916631" + }, + "source": "2695", + "target": "2698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9842377" + }, + "source": "2695", + "target": "2699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9373913" + }, + "source": "2696", + "target": "2697" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9465095" + }, + "source": "2696", + "target": "2698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9384887" + }, + "source": "2696", + "target": "2699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9892601" + }, + "source": "2697", + "target": "2698" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9683253" + }, + "source": "2697", + "target": "2699" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9788992" + }, + "source": "2698", + "target": "2699" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8074275" + }, + "source": "2700", + "target": "2701" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8102964" + }, + "source": "2700", + "target": "2702" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79981196" + }, + "source": "2700", + "target": "2703" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7873918" + }, + "source": "2700", + "target": "2706" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8109509" + }, + "source": "2700", + "target": "2708" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85979223" + }, + "source": "2701", + "target": "2702" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8589687" + }, + "source": "2701", + "target": "2703" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83637905" + }, + "source": "2701", + "target": "2704" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82575834" + }, + "source": "2701", + "target": "2705" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91941833" + }, + "source": "2701", + "target": "2706" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82953286" + }, + "source": "2701", + "target": "2707" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91090834" + }, + "source": "2701", + "target": "2708" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8867196" + }, + "source": "2701", + "target": "2709" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8673134" + }, + "source": "2702", + "target": "2703" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7727579" + }, + "source": "2702", + "target": "2704" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85157585" + }, + "source": "2702", + "target": "2705" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8482883" + }, + "source": "2702", + "target": "2706" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8556235" + }, + "source": "2702", + "target": "2708" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7848418" + }, + "source": "2702", + "target": "2709" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8564754" + }, + "source": "2703", + "target": "2705" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8134749" + }, + "source": "2703", + "target": "2706" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75570595" + }, + "source": "2703", + "target": "2707" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8191035" + }, + "source": "2703", + "target": "2708" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8156091" + }, + "source": "2703", + "target": "2709" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8439112" + }, + "source": "2704", + "target": "2706" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76324487" + }, + "source": "2704", + "target": "2707" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83985305" + }, + "source": "2704", + "target": "2708" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78391665" + }, + "source": "2704", + "target": "2709" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8221643" + }, + "source": "2705", + "target": "2706" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83183897" + }, + "source": "2705", + "target": "2708" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7628119" + }, + "source": "2705", + "target": "2709" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81619227" + }, + "source": "2706", + "target": "2707" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9292042" + }, + "source": "2706", + "target": "2708" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8174184" + }, + "source": "2706", + "target": "2709" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8436011" + }, + "source": "2707", + "target": "2708" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85898983" + }, + "source": "2707", + "target": "2709" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86201555" + }, + "source": "2708", + "target": "2709" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8814997" + }, + "source": "2710", + "target": "2711" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.874984" + }, + "source": "2710", + "target": "2712" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8939548" + }, + "source": "2710", + "target": "2713" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90641844" + }, + "source": "2710", + "target": "2714" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89495206" + }, + "source": "2710", + "target": "2715" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.881701" + }, + "source": "2710", + "target": "2716" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8921172" + }, + "source": "2710", + "target": "2717" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88278973" + }, + "source": "2710", + "target": "2718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8787114" + }, + "source": "2710", + "target": "2719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90461624" + }, + "source": "2711", + "target": "2712" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94401616" + }, + "source": "2711", + "target": "2713" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9321562" + }, + "source": "2711", + "target": "2714" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93117756" + }, + "source": "2711", + "target": "2715" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92290485" + }, + "source": "2711", + "target": "2716" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9171328" + }, + "source": "2711", + "target": "2717" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9254998" + }, + "source": "2711", + "target": "2718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9162396" + }, + "source": "2711", + "target": "2719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9209466" + }, + "source": "2712", + "target": "2713" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93530715" + }, + "source": "2712", + "target": "2714" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92626846" + }, + "source": "2712", + "target": "2715" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9029428" + }, + "source": "2712", + "target": "2716" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9128793" + }, + "source": "2712", + "target": "2717" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92167664" + }, + "source": "2712", + "target": "2718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92385364" + }, + "source": "2712", + "target": "2719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96200174" + }, + "source": "2713", + "target": "2714" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9522711" + }, + "source": "2713", + "target": "2715" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.933235" + }, + "source": "2713", + "target": "2716" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94085354" + }, + "source": "2713", + "target": "2717" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93398833" + }, + "source": "2713", + "target": "2718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9384584" + }, + "source": "2713", + "target": "2719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96279997" + }, + "source": "2714", + "target": "2715" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9329902" + }, + "source": "2714", + "target": "2716" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95016646" + }, + "source": "2714", + "target": "2717" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9445765" + }, + "source": "2714", + "target": "2718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94213843" + }, + "source": "2714", + "target": "2719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9186176" + }, + "source": "2715", + "target": "2716" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9358629" + }, + "source": "2715", + "target": "2717" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92275214" + }, + "source": "2715", + "target": "2718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9382693" + }, + "source": "2715", + "target": "2719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93370736" + }, + "source": "2716", + "target": "2717" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9299706" + }, + "source": "2716", + "target": "2718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9343581" + }, + "source": "2716", + "target": "2719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9367111" + }, + "source": "2717", + "target": "2718" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93569" + }, + "source": "2717", + "target": "2719" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9328674" + }, + "source": "2718", + "target": "2719" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8108315" + }, + "source": "2721", + "target": "2724" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8002849" + }, + "source": "2721", + "target": "2725" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81225085" + }, + "source": "2721", + "target": "2726" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82730794" + }, + "source": "2721", + "target": "2727" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8043591" + }, + "source": "2721", + "target": "2728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81823456" + }, + "source": "2722", + "target": "2723" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81443584" + }, + "source": "2722", + "target": "2724" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8917527" + }, + "source": "2722", + "target": "2725" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83825314" + }, + "source": "2722", + "target": "2726" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8794259" + }, + "source": "2722", + "target": "2727" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83602476" + }, + "source": "2722", + "target": "2728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81295514" + }, + "source": "2722", + "target": "2729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8497213" + }, + "source": "2723", + "target": "2724" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8490833" + }, + "source": "2723", + "target": "2725" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.840096" + }, + "source": "2723", + "target": "2726" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89102626" + }, + "source": "2723", + "target": "2727" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8746929" + }, + "source": "2723", + "target": "2728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79583013" + }, + "source": "2723", + "target": "2729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8367723" + }, + "source": "2724", + "target": "2725" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85568917" + }, + "source": "2724", + "target": "2726" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8595146" + }, + "source": "2724", + "target": "2727" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8922261" + }, + "source": "2724", + "target": "2728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7999651" + }, + "source": "2724", + "target": "2729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8521592" + }, + "source": "2725", + "target": "2726" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8903055" + }, + "source": "2725", + "target": "2727" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8649415" + }, + "source": "2725", + "target": "2728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.846133" + }, + "source": "2725", + "target": "2729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89928865" + }, + "source": "2726", + "target": "2727" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.904536" + }, + "source": "2726", + "target": "2728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.779696" + }, + "source": "2726", + "target": "2729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8893939" + }, + "source": "2727", + "target": "2728" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7767899" + }, + "source": "2727", + "target": "2729" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79820836" + }, + "source": "2728", + "target": "2729" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.939035" + }, + "source": "2730", + "target": "2731" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9744104" + }, + "source": "2730", + "target": "2732" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9586781" + }, + "source": "2730", + "target": "2733" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98324347" + }, + "source": "2730", + "target": "2734" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96775377" + }, + "source": "2730", + "target": "2735" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96182567" + }, + "source": "2730", + "target": "2736" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96182567" + }, + "source": "2730", + "target": "2737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96182567" + }, + "source": "2730", + "target": "2738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96182567" + }, + "source": "2730", + "target": "2739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9239548" + }, + "source": "2731", + "target": "2732" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9028152" + }, + "source": "2731", + "target": "2733" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95705616" + }, + "source": "2731", + "target": "2734" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94695055" + }, + "source": "2731", + "target": "2735" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91495395" + }, + "source": "2731", + "target": "2736" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91495395" + }, + "source": "2731", + "target": "2737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91495395" + }, + "source": "2731", + "target": "2738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91495395" + }, + "source": "2731", + "target": "2739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9426565" + }, + "source": "2732", + "target": "2733" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9734869" + }, + "source": "2732", + "target": "2734" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95824844" + }, + "source": "2732", + "target": "2735" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9933957" + }, + "source": "2732", + "target": "2736" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9933957" + }, + "source": "2732", + "target": "2737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9933957" + }, + "source": "2732", + "target": "2738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9933957" + }, + "source": "2732", + "target": "2739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9546324" + }, + "source": "2733", + "target": "2734" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.975271" + }, + "source": "2733", + "target": "2735" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92926514" + }, + "source": "2733", + "target": "2736" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92926514" + }, + "source": "2733", + "target": "2737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92926514" + }, + "source": "2733", + "target": "2738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92926514" + }, + "source": "2733", + "target": "2739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9886512" + }, + "source": "2734", + "target": "2735" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96358055" + }, + "source": "2734", + "target": "2736" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96358055" + }, + "source": "2734", + "target": "2737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96358055" + }, + "source": "2734", + "target": "2738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96358055" + }, + "source": "2734", + "target": "2739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94662654" + }, + "source": "2735", + "target": "2736" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94662654" + }, + "source": "2735", + "target": "2737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94662654" + }, + "source": "2735", + "target": "2738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94662654" + }, + "source": "2735", + "target": "2739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "2736", + "target": "2737" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "2736", + "target": "2738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "2736", + "target": "2739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "2737", + "target": "2738" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "2737", + "target": "2739" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0000002" + }, + "source": "2738", + "target": "2739" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8632754" + }, + "source": "2741", + "target": "2742" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9247093" + }, + "source": "2741", + "target": "2743" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9299171" + }, + "source": "2741", + "target": "2744" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93058383" + }, + "source": "2741", + "target": "2745" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9573251" + }, + "source": "2741", + "target": "2746" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9441714" + }, + "source": "2741", + "target": "2747" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89935964" + }, + "source": "2741", + "target": "2748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9145496" + }, + "source": "2741", + "target": "2749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8712623" + }, + "source": "2742", + "target": "2743" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86858845" + }, + "source": "2742", + "target": "2744" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8508674" + }, + "source": "2742", + "target": "2745" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8787646" + }, + "source": "2742", + "target": "2746" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8753597" + }, + "source": "2742", + "target": "2747" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7858732" + }, + "source": "2742", + "target": "2748" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8772476" + }, + "source": "2742", + "target": "2749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92349803" + }, + "source": "2743", + "target": "2744" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88864356" + }, + "source": "2743", + "target": "2745" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9256842" + }, + "source": "2743", + "target": "2746" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9634538" + }, + "source": "2743", + "target": "2747" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8747427" + }, + "source": "2743", + "target": "2748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91227746" + }, + "source": "2743", + "target": "2749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8813884" + }, + "source": "2744", + "target": "2745" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9295362" + }, + "source": "2744", + "target": "2746" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9436354" + }, + "source": "2744", + "target": "2747" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86594796" + }, + "source": "2744", + "target": "2748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90676415" + }, + "source": "2744", + "target": "2749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9000945" + }, + "source": "2745", + "target": "2746" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8976108" + }, + "source": "2745", + "target": "2747" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82712543" + }, + "source": "2745", + "target": "2748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90545785" + }, + "source": "2745", + "target": "2749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93845236" + }, + "source": "2746", + "target": "2747" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89664567" + }, + "source": "2746", + "target": "2748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8902119" + }, + "source": "2746", + "target": "2749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85333437" + }, + "source": "2747", + "target": "2748" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.933288" + }, + "source": "2747", + "target": "2749" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79900503" + }, + "source": "2748", + "target": "2749" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9513635" + }, + "source": "2750", + "target": "2751" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99311507" + }, + "source": "2750", + "target": "2752" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95130694" + }, + "source": "2750", + "target": "2753" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95828927" + }, + "source": "2750", + "target": "2754" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96717054" + }, + "source": "2750", + "target": "2755" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94439536" + }, + "source": "2750", + "target": "2756" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91713905" + }, + "source": "2750", + "target": "2757" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9820365" + }, + "source": "2750", + "target": "2758" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94589585" + }, + "source": "2750", + "target": "2759" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9553847" + }, + "source": "2751", + "target": "2752" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93152237" + }, + "source": "2751", + "target": "2753" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94115037" + }, + "source": "2751", + "target": "2754" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94284695" + }, + "source": "2751", + "target": "2755" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92435354" + }, + "source": "2751", + "target": "2756" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8954652" + }, + "source": "2751", + "target": "2757" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96077085" + }, + "source": "2751", + "target": "2758" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93630755" + }, + "source": "2751", + "target": "2759" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9575774" + }, + "source": "2752", + "target": "2753" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9654089" + }, + "source": "2752", + "target": "2754" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9726138" + }, + "source": "2752", + "target": "2755" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95414543" + }, + "source": "2752", + "target": "2756" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92175984" + }, + "source": "2752", + "target": "2757" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9870887" + }, + "source": "2752", + "target": "2758" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9534209" + }, + "source": "2752", + "target": "2759" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95741713" + }, + "source": "2753", + "target": "2754" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9794365" + }, + "source": "2753", + "target": "2755" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96125185" + }, + "source": "2753", + "target": "2756" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93040866" + }, + "source": "2753", + "target": "2757" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9639088" + }, + "source": "2753", + "target": "2758" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96684337" + }, + "source": "2753", + "target": "2759" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9746899" + }, + "source": "2754", + "target": "2755" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97978306" + }, + "source": "2754", + "target": "2756" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9207713" + }, + "source": "2754", + "target": "2757" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9705329" + }, + "source": "2754", + "target": "2758" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9618603" + }, + "source": "2754", + "target": "2759" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97821856" + }, + "source": "2755", + "target": "2756" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93712616" + }, + "source": "2755", + "target": "2757" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9811746" + }, + "source": "2755", + "target": "2758" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98535013" + }, + "source": "2755", + "target": "2759" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9258194" + }, + "source": "2756", + "target": "2757" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95529044" + }, + "source": "2756", + "target": "2758" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9843316" + }, + "source": "2756", + "target": "2759" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9222201" + }, + "source": "2757", + "target": "2758" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9294479" + }, + "source": "2757", + "target": "2759" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9596718" + }, + "source": "2758", + "target": "2759" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83821964" + }, + "source": "2760", + "target": "2761" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8305963" + }, + "source": "2760", + "target": "2762" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76866007" + }, + "source": "2760", + "target": "2763" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80121315" + }, + "source": "2760", + "target": "2764" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8182441" + }, + "source": "2760", + "target": "2766" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80036163" + }, + "source": "2760", + "target": "2767" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89324737" + }, + "source": "2761", + "target": "2762" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89103246" + }, + "source": "2761", + "target": "2763" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8092512" + }, + "source": "2761", + "target": "2764" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7780074" + }, + "source": "2761", + "target": "2765" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8213048" + }, + "source": "2761", + "target": "2766" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83051676" + }, + "source": "2761", + "target": "2767" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8177483" + }, + "source": "2761", + "target": "2769" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8358397" + }, + "source": "2762", + "target": "2763" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8581493" + }, + "source": "2762", + "target": "2764" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81031793" + }, + "source": "2762", + "target": "2765" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9015664" + }, + "source": "2762", + "target": "2766" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8464866" + }, + "source": "2762", + "target": "2767" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90456474" + }, + "source": "2762", + "target": "2769" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8363584" + }, + "source": "2763", + "target": "2764" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8282739" + }, + "source": "2763", + "target": "2766" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.803619" + }, + "source": "2763", + "target": "2767" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8196666" + }, + "source": "2763", + "target": "2769" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80258" + }, + "source": "2764", + "target": "2765" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8570795" + }, + "source": "2764", + "target": "2766" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8772114" + }, + "source": "2764", + "target": "2767" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7878003" + }, + "source": "2764", + "target": "2768" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8143014" + }, + "source": "2764", + "target": "2769" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86581266" + }, + "source": "2765", + "target": "2767" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.824647" + }, + "source": "2765", + "target": "2768" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8236897" + }, + "source": "2765", + "target": "2769" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8272988" + }, + "source": "2766", + "target": "2767" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8363801" + }, + "source": "2766", + "target": "2769" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78349614" + }, + "source": "2767", + "target": "2769" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7534621" + }, + "source": "2768", + "target": "2769" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7528411" + }, + "source": "2770", + "target": "2773" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77807945" + }, + "source": "2770", + "target": "2778" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7738444" + }, + "source": "2770", + "target": "2779" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7919974" + }, + "source": "2773", + "target": "2776" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7930462" + }, + "source": "2773", + "target": "2779" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7694825" + }, + "source": "2776", + "target": "2779" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86649334" + }, + "source": "2780", + "target": "2781" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8808111" + }, + "source": "2780", + "target": "2782" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8669933" + }, + "source": "2780", + "target": "2783" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8832866" + }, + "source": "2780", + "target": "2784" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.85491085" + }, + "source": "2780", + "target": "2785" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86649334" + }, + "source": "2780", + "target": "2786" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8808111" + }, + "source": "2780", + "target": "2787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8832866" + }, + "source": "2780", + "target": "2788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84438205" + }, + "source": "2780", + "target": "2789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.917265" + }, + "source": "2781", + "target": "2782" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98302966" + }, + "source": "2781", + "target": "2783" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9418261" + }, + "source": "2781", + "target": "2784" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9975333" + }, + "source": "2781", + "target": "2785" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9999998" + }, + "source": "2781", + "target": "2786" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.917265" + }, + "source": "2781", + "target": "2787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9418261" + }, + "source": "2781", + "target": "2788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98315203" + }, + "source": "2781", + "target": "2789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91229653" + }, + "source": "2782", + "target": "2783" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9138205" + }, + "source": "2782", + "target": "2784" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8992058" + }, + "source": "2782", + "target": "2785" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.917265" + }, + "source": "2782", + "target": "2786" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0" + }, + "source": "2782", + "target": "2787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9138205" + }, + "source": "2782", + "target": "2788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8925548" + }, + "source": "2782", + "target": "2789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9109844" + }, + "source": "2783", + "target": "2784" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9759183" + }, + "source": "2783", + "target": "2785" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9830296" + }, + "source": "2783", + "target": "2786" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9122964" + }, + "source": "2783", + "target": "2787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9109844" + }, + "source": "2783", + "target": "2788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99089587" + }, + "source": "2783", + "target": "2789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94525826" + }, + "source": "2784", + "target": "2785" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9418261" + }, + "source": "2784", + "target": "2786" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9138205" + }, + "source": "2784", + "target": "2787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "1.0" + }, + "source": "2784", + "target": "2788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9052875" + }, + "source": "2784", + "target": "2789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99753326" + }, + "source": "2785", + "target": "2786" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89920574" + }, + "source": "2785", + "target": "2787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94525814" + }, + "source": "2785", + "target": "2788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9795156" + }, + "source": "2785", + "target": "2789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.917265" + }, + "source": "2786", + "target": "2787" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9418261" + }, + "source": "2786", + "target": "2788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98315203" + }, + "source": "2786", + "target": "2789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9138205" + }, + "source": "2787", + "target": "2788" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8925548" + }, + "source": "2787", + "target": "2789" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9052875" + }, + "source": "2788", + "target": "2789" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83632094" + }, + "source": "2790", + "target": "2791" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87249684" + }, + "source": "2790", + "target": "2792" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83675" + }, + "source": "2790", + "target": "2793" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9093262" + }, + "source": "2790", + "target": "2794" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8881862" + }, + "source": "2790", + "target": "2795" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8614714" + }, + "source": "2790", + "target": "2796" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.842682" + }, + "source": "2790", + "target": "2797" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84460294" + }, + "source": "2790", + "target": "2798" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8663918" + }, + "source": "2790", + "target": "2799" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88485557" + }, + "source": "2791", + "target": "2792" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8598466" + }, + "source": "2791", + "target": "2793" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85726655" + }, + "source": "2791", + "target": "2794" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87173796" + }, + "source": "2791", + "target": "2795" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85662454" + }, + "source": "2791", + "target": "2796" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.850721" + }, + "source": "2791", + "target": "2797" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9319916" + }, + "source": "2791", + "target": "2798" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8480432" + }, + "source": "2791", + "target": "2799" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90117586" + }, + "source": "2792", + "target": "2793" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.925925" + }, + "source": "2792", + "target": "2794" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89480484" + }, + "source": "2792", + "target": "2795" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90775144" + }, + "source": "2792", + "target": "2796" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9093843" + }, + "source": "2792", + "target": "2797" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85704243" + }, + "source": "2792", + "target": "2798" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86119115" + }, + "source": "2792", + "target": "2799" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8810536" + }, + "source": "2793", + "target": "2794" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86409307" + }, + "source": "2793", + "target": "2795" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89089227" + }, + "source": "2793", + "target": "2796" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8753904" + }, + "source": "2793", + "target": "2797" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8211806" + }, + "source": "2793", + "target": "2798" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8537284" + }, + "source": "2793", + "target": "2799" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90891004" + }, + "source": "2794", + "target": "2795" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8819377" + }, + "source": "2794", + "target": "2796" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89199805" + }, + "source": "2794", + "target": "2797" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8265666" + }, + "source": "2794", + "target": "2798" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89783216" + }, + "source": "2794", + "target": "2799" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88865674" + }, + "source": "2795", + "target": "2796" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8672044" + }, + "source": "2795", + "target": "2797" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8433634" + }, + "source": "2795", + "target": "2798" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87306976" + }, + "source": "2795", + "target": "2799" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8709604" + }, + "source": "2796", + "target": "2797" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.825462" + }, + "source": "2796", + "target": "2798" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8470243" + }, + "source": "2796", + "target": "2799" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8221767" + }, + "source": "2797", + "target": "2798" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87984467" + }, + "source": "2797", + "target": "2799" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81293535" + }, + "source": "2798", + "target": "2799" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90725803" + }, + "source": "2800", + "target": "2801" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90468836" + }, + "source": "2800", + "target": "2802" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8512831" + }, + "source": "2800", + "target": "2803" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8951235" + }, + "source": "2800", + "target": "2804" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9396528" + }, + "source": "2800", + "target": "2805" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.889243" + }, + "source": "2800", + "target": "2806" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91675526" + }, + "source": "2800", + "target": "2807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9116373" + }, + "source": "2800", + "target": "2808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9238977" + }, + "source": "2800", + "target": "2809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9474225" + }, + "source": "2801", + "target": "2802" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9248665" + }, + "source": "2801", + "target": "2803" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9526521" + }, + "source": "2801", + "target": "2804" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96023726" + }, + "source": "2801", + "target": "2805" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8919476" + }, + "source": "2801", + "target": "2806" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.951005" + }, + "source": "2801", + "target": "2807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8965042" + }, + "source": "2801", + "target": "2808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9568758" + }, + "source": "2801", + "target": "2809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92893046" + }, + "source": "2802", + "target": "2803" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9375919" + }, + "source": "2802", + "target": "2804" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9177351" + }, + "source": "2802", + "target": "2805" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8639737" + }, + "source": "2802", + "target": "2806" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9008487" + }, + "source": "2802", + "target": "2807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8727968" + }, + "source": "2802", + "target": "2808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9120454" + }, + "source": "2802", + "target": "2809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91311" + }, + "source": "2803", + "target": "2804" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89638627" + }, + "source": "2803", + "target": "2805" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8429973" + }, + "source": "2803", + "target": "2806" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.873469" + }, + "source": "2803", + "target": "2807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8345238" + }, + "source": "2803", + "target": "2808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8869014" + }, + "source": "2803", + "target": "2809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9292451" + }, + "source": "2804", + "target": "2805" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8768996" + }, + "source": "2804", + "target": "2806" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9159497" + }, + "source": "2804", + "target": "2807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87930274" + }, + "source": "2804", + "target": "2808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92251575" + }, + "source": "2804", + "target": "2809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9256738" + }, + "source": "2805", + "target": "2806" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9719901" + }, + "source": "2805", + "target": "2807" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93262887" + }, + "source": "2805", + "target": "2808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9776514" + }, + "source": "2805", + "target": "2809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9057709" + }, + "source": "2806", + "target": "2807" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8827316" + }, + "source": "2806", + "target": "2808" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9114953" + }, + "source": "2806", + "target": "2809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90851676" + }, + "source": "2807", + "target": "2808" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.99332523" + }, + "source": "2807", + "target": "2809" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9134234" + }, + "source": "2808", + "target": "2809" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9006574" + }, + "source": "2810", + "target": "2811" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8598528" + }, + "source": "2810", + "target": "2812" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8996073" + }, + "source": "2810", + "target": "2813" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89457184" + }, + "source": "2810", + "target": "2814" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9265771" + }, + "source": "2810", + "target": "2815" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89171565" + }, + "source": "2810", + "target": "2816" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90313387" + }, + "source": "2810", + "target": "2817" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91262674" + }, + "source": "2810", + "target": "2818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9294542" + }, + "source": "2810", + "target": "2819" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90163857" + }, + "source": "2811", + "target": "2812" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93595695" + }, + "source": "2811", + "target": "2813" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9268669" + }, + "source": "2811", + "target": "2814" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9606694" + }, + "source": "2811", + "target": "2815" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92220354" + }, + "source": "2811", + "target": "2816" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9324189" + }, + "source": "2811", + "target": "2817" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9372572" + }, + "source": "2811", + "target": "2818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9608098" + }, + "source": "2811", + "target": "2819" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9211035" + }, + "source": "2812", + "target": "2813" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8966778" + }, + "source": "2812", + "target": "2814" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9283971" + }, + "source": "2812", + "target": "2815" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9294448" + }, + "source": "2812", + "target": "2816" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9113818" + }, + "source": "2812", + "target": "2817" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90713656" + }, + "source": "2812", + "target": "2818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9324278" + }, + "source": "2812", + "target": "2819" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94040084" + }, + "source": "2813", + "target": "2814" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96557254" + }, + "source": "2813", + "target": "2815" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9356446" + }, + "source": "2813", + "target": "2816" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9455223" + }, + "source": "2813", + "target": "2817" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9473388" + }, + "source": "2813", + "target": "2818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9696857" + }, + "source": "2813", + "target": "2819" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9542513" + }, + "source": "2814", + "target": "2815" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95962405" + }, + "source": "2814", + "target": "2816" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9363915" + }, + "source": "2814", + "target": "2817" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9402226" + }, + "source": "2814", + "target": "2818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95846355" + }, + "source": "2814", + "target": "2819" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9501022" + }, + "source": "2815", + "target": "2816" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.96946275" + }, + "source": "2815", + "target": "2817" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9719451" + }, + "source": "2815", + "target": "2818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.991307" + }, + "source": "2815", + "target": "2819" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9329496" + }, + "source": "2816", + "target": "2817" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9345149" + }, + "source": "2816", + "target": "2818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9547398" + }, + "source": "2816", + "target": "2819" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9543692" + }, + "source": "2817", + "target": "2818" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9724766" + }, + "source": "2817", + "target": "2819" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9757938" + }, + "source": "2818", + "target": "2819" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8287692" + }, + "source": "2820", + "target": "2821" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8771888" + }, + "source": "2820", + "target": "2822" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8246385" + }, + "source": "2820", + "target": "2823" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7688484" + }, + "source": "2820", + "target": "2825" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8433825" + }, + "source": "2820", + "target": "2826" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82326573" + }, + "source": "2820", + "target": "2828" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89047664" + }, + "source": "2820", + "target": "2829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8499443" + }, + "source": "2821", + "target": "2822" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7790773" + }, + "source": "2821", + "target": "2823" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77552795" + }, + "source": "2821", + "target": "2825" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85030913" + }, + "source": "2821", + "target": "2826" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.849483" + }, + "source": "2821", + "target": "2828" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8977721" + }, + "source": "2821", + "target": "2829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80563223" + }, + "source": "2822", + "target": "2823" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77337956" + }, + "source": "2822", + "target": "2825" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86421764" + }, + "source": "2822", + "target": "2826" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.855225" + }, + "source": "2822", + "target": "2828" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89970124" + }, + "source": "2822", + "target": "2829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8253479" + }, + "source": "2823", + "target": "2826" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81233776" + }, + "source": "2823", + "target": "2828" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8758789" + }, + "source": "2823", + "target": "2829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78030396" + }, + "source": "2825", + "target": "2826" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78774345" + }, + "source": "2825", + "target": "2829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8358888" + }, + "source": "2826", + "target": "2828" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89617914" + }, + "source": "2826", + "target": "2829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9120928" + }, + "source": "2828", + "target": "2829" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9012778" + }, + "source": "2830", + "target": "2831" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88283443" + }, + "source": "2830", + "target": "2832" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8323782" + }, + "source": "2830", + "target": "2833" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8143661" + }, + "source": "2830", + "target": "2834" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78340644" + }, + "source": "2830", + "target": "2835" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78853005" + }, + "source": "2830", + "target": "2836" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81571865" + }, + "source": "2830", + "target": "2837" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8926035" + }, + "source": "2830", + "target": "2838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8973187" + }, + "source": "2830", + "target": "2839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86822426" + }, + "source": "2831", + "target": "2832" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8206963" + }, + "source": "2831", + "target": "2833" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8242279" + }, + "source": "2831", + "target": "2834" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7909578" + }, + "source": "2831", + "target": "2835" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7846539" + }, + "source": "2831", + "target": "2836" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7912716" + }, + "source": "2831", + "target": "2837" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8814536" + }, + "source": "2831", + "target": "2838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8722952" + }, + "source": "2831", + "target": "2839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8091386" + }, + "source": "2832", + "target": "2833" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8359915" + }, + "source": "2832", + "target": "2834" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77413213" + }, + "source": "2832", + "target": "2836" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80193365" + }, + "source": "2832", + "target": "2837" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9126123" + }, + "source": "2832", + "target": "2838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90355504" + }, + "source": "2832", + "target": "2839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78638744" + }, + "source": "2833", + "target": "2834" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82190585" + }, + "source": "2833", + "target": "2835" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75603783" + }, + "source": "2833", + "target": "2836" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76843196" + }, + "source": "2833", + "target": "2837" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8299637" + }, + "source": "2833", + "target": "2838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7785844" + }, + "source": "2833", + "target": "2839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7642342" + }, + "source": "2834", + "target": "2835" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8603836" + }, + "source": "2834", + "target": "2837" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78794324" + }, + "source": "2834", + "target": "2838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8205807" + }, + "source": "2834", + "target": "2839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7863337" + }, + "source": "2836", + "target": "2838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80404675" + }, + "source": "2837", + "target": "2838" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78574145" + }, + "source": "2837", + "target": "2839" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.888493" + }, + "source": "2838", + "target": "2839" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9149455" + }, + "source": "2840", + "target": "2841" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91062117" + }, + "source": "2840", + "target": "2842" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88722426" + }, + "source": "2840", + "target": "2843" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8845427" + }, + "source": "2840", + "target": "2844" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.89896566" + }, + "source": "2840", + "target": "2845" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84379697" + }, + "source": "2840", + "target": "2846" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8601392" + }, + "source": "2840", + "target": "2847" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86440706" + }, + "source": "2840", + "target": "2848" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8764589" + }, + "source": "2840", + "target": "2849" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95993483" + }, + "source": "2841", + "target": "2842" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94869125" + }, + "source": "2841", + "target": "2843" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9448508" + }, + "source": "2841", + "target": "2844" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9553565" + }, + "source": "2841", + "target": "2845" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9116824" + }, + "source": "2841", + "target": "2846" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.904464" + }, + "source": "2841", + "target": "2847" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.91407526" + }, + "source": "2841", + "target": "2848" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9352037" + }, + "source": "2841", + "target": "2849" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9615149" + }, + "source": "2842", + "target": "2843" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9446677" + }, + "source": "2842", + "target": "2844" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9683409" + }, + "source": "2842", + "target": "2845" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9176966" + }, + "source": "2842", + "target": "2846" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9058962" + }, + "source": "2842", + "target": "2847" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9205545" + }, + "source": "2842", + "target": "2848" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9398043" + }, + "source": "2842", + "target": "2849" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94958735" + }, + "source": "2843", + "target": "2844" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9636382" + }, + "source": "2843", + "target": "2845" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92291224" + }, + "source": "2843", + "target": "2846" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9125426" + }, + "source": "2843", + "target": "2847" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92371583" + }, + "source": "2843", + "target": "2848" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94330823" + }, + "source": "2843", + "target": "2849" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97209334" + }, + "source": "2844", + "target": "2845" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9524716" + }, + "source": "2844", + "target": "2846" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95430946" + }, + "source": "2844", + "target": "2847" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9523803" + }, + "source": "2844", + "target": "2848" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9796014" + }, + "source": "2844", + "target": "2849" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9421363" + }, + "source": "2845", + "target": "2846" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9369093" + }, + "source": "2845", + "target": "2847" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.944312" + }, + "source": "2845", + "target": "2848" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9661443" + }, + "source": "2845", + "target": "2849" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9174588" + }, + "source": "2846", + "target": "2847" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92483443" + }, + "source": "2846", + "target": "2848" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93611145" + }, + "source": "2846", + "target": "2849" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92417634" + }, + "source": "2847", + "target": "2848" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.945117" + }, + "source": "2847", + "target": "2849" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9468031" + }, + "source": "2848", + "target": "2849" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8344408" + }, + "source": "2850", + "target": "2851" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89967394" + }, + "source": "2850", + "target": "2852" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89638376" + }, + "source": "2850", + "target": "2853" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9154017" + }, + "source": "2850", + "target": "2855" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76718867" + }, + "source": "2850", + "target": "2856" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8109734" + }, + "source": "2850", + "target": "2857" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86902833" + }, + "source": "2850", + "target": "2858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94859374" + }, + "source": "2850", + "target": "2859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81749564" + }, + "source": "2851", + "target": "2852" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8730927" + }, + "source": "2851", + "target": "2853" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7755358" + }, + "source": "2851", + "target": "2854" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7785939" + }, + "source": "2851", + "target": "2855" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79155517" + }, + "source": "2851", + "target": "2856" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9123688" + }, + "source": "2851", + "target": "2858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83882" + }, + "source": "2851", + "target": "2859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8383776" + }, + "source": "2852", + "target": "2853" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75251025" + }, + "source": "2852", + "target": "2854" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8207643" + }, + "source": "2852", + "target": "2855" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8411635" + }, + "source": "2852", + "target": "2858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8760947" + }, + "source": "2852", + "target": "2859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75241804" + }, + "source": "2853", + "target": "2854" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7867631" + }, + "source": "2853", + "target": "2855" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7919673" + }, + "source": "2853", + "target": "2856" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.889842" + }, + "source": "2853", + "target": "2858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8968301" + }, + "source": "2853", + "target": "2859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7507968" + }, + "source": "2854", + "target": "2858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81546855" + }, + "source": "2855", + "target": "2857" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80233943" + }, + "source": "2855", + "target": "2858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89047664" + }, + "source": "2855", + "target": "2859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78647304" + }, + "source": "2856", + "target": "2858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75688624" + }, + "source": "2856", + "target": "2859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7650508" + }, + "source": "2857", + "target": "2858" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8152866" + }, + "source": "2857", + "target": "2859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87107015" + }, + "source": "2858", + "target": "2859" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94316787" + }, + "source": "2860", + "target": "2861" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93854547" + }, + "source": "2860", + "target": "2862" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9505435" + }, + "source": "2860", + "target": "2863" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84605974" + }, + "source": "2860", + "target": "2864" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7868794" + }, + "source": "2860", + "target": "2865" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8313433" + }, + "source": "2860", + "target": "2866" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8994128" + }, + "source": "2860", + "target": "2867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9088772" + }, + "source": "2860", + "target": "2868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9272089" + }, + "source": "2860", + "target": "2869" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92172205" + }, + "source": "2861", + "target": "2862" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94140804" + }, + "source": "2861", + "target": "2863" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80557495" + }, + "source": "2861", + "target": "2864" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7973163" + }, + "source": "2861", + "target": "2866" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89846075" + }, + "source": "2861", + "target": "2867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.91434854" + }, + "source": "2861", + "target": "2868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92861533" + }, + "source": "2861", + "target": "2869" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9224712" + }, + "source": "2862", + "target": "2863" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7835195" + }, + "source": "2862", + "target": "2864" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75165856" + }, + "source": "2862", + "target": "2865" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7883979" + }, + "source": "2862", + "target": "2866" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87891746" + }, + "source": "2862", + "target": "2867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.87975764" + }, + "source": "2862", + "target": "2868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8967085" + }, + "source": "2862", + "target": "2869" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83929217" + }, + "source": "2863", + "target": "2864" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7663289" + }, + "source": "2863", + "target": "2865" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83174473" + }, + "source": "2863", + "target": "2866" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89551383" + }, + "source": "2863", + "target": "2867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89626795" + }, + "source": "2863", + "target": "2868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9471715" + }, + "source": "2863", + "target": "2869" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75382173" + }, + "source": "2864", + "target": "2866" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7734931" + }, + "source": "2864", + "target": "2867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78847647" + }, + "source": "2864", + "target": "2868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7956289" + }, + "source": "2864", + "target": "2869" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76114905" + }, + "source": "2865", + "target": "2868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7767422" + }, + "source": "2865", + "target": "2869" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7915315" + }, + "source": "2866", + "target": "2867" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7736125" + }, + "source": "2866", + "target": "2868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7833383" + }, + "source": "2866", + "target": "2869" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8209692" + }, + "source": "2867", + "target": "2868" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8806485" + }, + "source": "2867", + "target": "2869" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94737405" + }, + "source": "2868", + "target": "2869" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91114914" + }, + "source": "2870", + "target": "2871" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94654596" + }, + "source": "2870", + "target": "2872" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9456265" + }, + "source": "2870", + "target": "2873" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.915903" + }, + "source": "2870", + "target": "2874" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92838055" + }, + "source": "2870", + "target": "2875" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9196937" + }, + "source": "2870", + "target": "2876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.926996" + }, + "source": "2870", + "target": "2877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8966342" + }, + "source": "2870", + "target": "2878" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.95642537" + }, + "source": "2870", + "target": "2879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9443576" + }, + "source": "2871", + "target": "2872" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92667687" + }, + "source": "2871", + "target": "2873" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9838699" + }, + "source": "2871", + "target": "2874" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95098996" + }, + "source": "2871", + "target": "2875" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96166503" + }, + "source": "2871", + "target": "2876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9519522" + }, + "source": "2871", + "target": "2877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95503306" + }, + "source": "2871", + "target": "2878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92130876" + }, + "source": "2871", + "target": "2879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9459646" + }, + "source": "2872", + "target": "2873" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94487524" + }, + "source": "2872", + "target": "2874" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9645953" + }, + "source": "2872", + "target": "2875" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.934052" + }, + "source": "2872", + "target": "2876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9645326" + }, + "source": "2872", + "target": "2877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92843395" + }, + "source": "2872", + "target": "2878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96029395" + }, + "source": "2872", + "target": "2879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9353782" + }, + "source": "2873", + "target": "2874" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9310429" + }, + "source": "2873", + "target": "2875" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96330166" + }, + "source": "2873", + "target": "2876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96555007" + }, + "source": "2873", + "target": "2877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9072656" + }, + "source": "2873", + "target": "2878" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98233354" + }, + "source": "2873", + "target": "2879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.941276" + }, + "source": "2874", + "target": "2875" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97399795" + }, + "source": "2874", + "target": "2876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94999135" + }, + "source": "2874", + "target": "2877" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9630747" + }, + "source": "2874", + "target": "2878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9289043" + }, + "source": "2874", + "target": "2879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9225" + }, + "source": "2875", + "target": "2876" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9660524" + }, + "source": "2875", + "target": "2877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9283588" + }, + "source": "2875", + "target": "2878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94038033" + }, + "source": "2875", + "target": "2879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94586533" + }, + "source": "2876", + "target": "2877" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9397625" + }, + "source": "2876", + "target": "2878" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9523651" + }, + "source": "2876", + "target": "2879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9256312" + }, + "source": "2877", + "target": "2878" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95486104" + }, + "source": "2877", + "target": "2879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91519123" + }, + "source": "2878", + "target": "2879" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7653625" + }, + "source": "2880", + "target": "2881" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76028734" + }, + "source": "2880", + "target": "2883" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7484987" + }, + "source": "2880", + "target": "2886" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79942685" + }, + "source": "2880", + "target": "2888" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8838186" + }, + "source": "2881", + "target": "2882" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88150156" + }, + "source": "2881", + "target": "2883" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8694695" + }, + "source": "2881", + "target": "2884" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87032926" + }, + "source": "2881", + "target": "2885" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83544624" + }, + "source": "2881", + "target": "2886" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85373217" + }, + "source": "2881", + "target": "2887" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90661347" + }, + "source": "2881", + "target": "2888" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9243033" + }, + "source": "2881", + "target": "2889" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.885231" + }, + "source": "2882", + "target": "2883" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95629907" + }, + "source": "2882", + "target": "2884" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86301994" + }, + "source": "2882", + "target": "2885" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8397257" + }, + "source": "2882", + "target": "2886" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8374608" + }, + "source": "2882", + "target": "2887" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89942575" + }, + "source": "2882", + "target": "2888" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8968987" + }, + "source": "2882", + "target": "2889" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8753874" + }, + "source": "2883", + "target": "2884" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88640624" + }, + "source": "2883", + "target": "2885" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90001094" + }, + "source": "2883", + "target": "2886" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.923926" + }, + "source": "2883", + "target": "2887" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92606676" + }, + "source": "2883", + "target": "2888" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88648534" + }, + "source": "2883", + "target": "2889" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81759036" + }, + "source": "2884", + "target": "2885" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85121787" + }, + "source": "2884", + "target": "2886" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8145133" + }, + "source": "2884", + "target": "2887" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9245448" + }, + "source": "2884", + "target": "2888" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.856569" + }, + "source": "2884", + "target": "2889" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88212025" + }, + "source": "2885", + "target": "2886" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.833002" + }, + "source": "2885", + "target": "2887" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8810961" + }, + "source": "2885", + "target": "2888" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9101592" + }, + "source": "2885", + "target": "2889" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8370495" + }, + "source": "2886", + "target": "2887" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9022192" + }, + "source": "2886", + "target": "2888" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8207027" + }, + "source": "2886", + "target": "2889" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8500346" + }, + "source": "2887", + "target": "2888" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.839533" + }, + "source": "2887", + "target": "2889" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89003056" + }, + "source": "2888", + "target": "2889" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8835951" + }, + "source": "2890", + "target": "2891" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9089445" + }, + "source": "2890", + "target": "2892" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89377797" + }, + "source": "2890", + "target": "2893" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8726152" + }, + "source": "2890", + "target": "2894" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8612721" + }, + "source": "2890", + "target": "2895" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91732216" + }, + "source": "2890", + "target": "2896" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88035417" + }, + "source": "2890", + "target": "2897" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85912013" + }, + "source": "2890", + "target": "2898" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91853356" + }, + "source": "2890", + "target": "2899" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94673103" + }, + "source": "2891", + "target": "2892" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96392536" + }, + "source": "2891", + "target": "2893" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9221109" + }, + "source": "2891", + "target": "2894" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9248862" + }, + "source": "2891", + "target": "2895" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9458294" + }, + "source": "2891", + "target": "2896" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9700984" + }, + "source": "2891", + "target": "2897" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8996905" + }, + "source": "2891", + "target": "2898" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.92385906" + }, + "source": "2891", + "target": "2899" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9520716" + }, + "source": "2892", + "target": "2893" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.94573283" + }, + "source": "2892", + "target": "2894" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9519136" + }, + "source": "2892", + "target": "2895" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9499826" + }, + "source": "2892", + "target": "2896" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9593406" + }, + "source": "2892", + "target": "2897" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9394459" + }, + "source": "2892", + "target": "2898" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9380082" + }, + "source": "2892", + "target": "2899" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9244491" + }, + "source": "2893", + "target": "2894" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91941655" + }, + "source": "2893", + "target": "2895" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.949588" + }, + "source": "2893", + "target": "2896" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96022505" + }, + "source": "2893", + "target": "2897" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9116415" + }, + "source": "2893", + "target": "2898" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.946169" + }, + "source": "2893", + "target": "2899" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90148324" + }, + "source": "2894", + "target": "2895" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9253125" + }, + "source": "2894", + "target": "2896" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9277797" + }, + "source": "2894", + "target": "2897" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.97447217" + }, + "source": "2894", + "target": "2898" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9084214" + }, + "source": "2894", + "target": "2899" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9118414" + }, + "source": "2895", + "target": "2896" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93459547" + }, + "source": "2895", + "target": "2897" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8986434" + }, + "source": "2895", + "target": "2898" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89929473" + }, + "source": "2895", + "target": "2899" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.95135915" + }, + "source": "2896", + "target": "2897" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90607774" + }, + "source": "2896", + "target": "2898" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9588231" + }, + "source": "2896", + "target": "2899" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90548134" + }, + "source": "2897", + "target": "2898" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9495327" + }, + "source": "2897", + "target": "2899" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8988507" + }, + "source": "2898", + "target": "2899" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8306102" + }, + "source": "2900", + "target": "2902" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7629564" + }, + "source": "2900", + "target": "2903" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7898785" + }, + "source": "2900", + "target": "2904" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82701266" + }, + "source": "2900", + "target": "2906" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76520264" + }, + "source": "2900", + "target": "2907" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7530606" + }, + "source": "2900", + "target": "2908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8033558" + }, + "source": "2900", + "target": "2909" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76608" + }, + "source": "2901", + "target": "2902" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.819993" + }, + "source": "2901", + "target": "2903" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7811738" + }, + "source": "2901", + "target": "2908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76104414" + }, + "source": "2901", + "target": "2909" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8210064" + }, + "source": "2902", + "target": "2903" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81035745" + }, + "source": "2902", + "target": "2904" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8173743" + }, + "source": "2902", + "target": "2906" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78625107" + }, + "source": "2902", + "target": "2907" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7942934" + }, + "source": "2902", + "target": "2908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80240047" + }, + "source": "2902", + "target": "2909" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.74995923" + }, + "source": "2903", + "target": "2907" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8176644" + }, + "source": "2903", + "target": "2908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.851243" + }, + "source": "2903", + "target": "2909" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8218496" + }, + "source": "2904", + "target": "2906" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7596312" + }, + "source": "2904", + "target": "2907" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7998689" + }, + "source": "2904", + "target": "2908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80664515" + }, + "source": "2906", + "target": "2908" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78505415" + }, + "source": "2908", + "target": "2909" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75629866" + }, + "source": "2910", + "target": "2912" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7922019" + }, + "source": "2910", + "target": "2913" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7551594" + }, + "source": "2910", + "target": "2914" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.80099773" + }, + "source": "2910", + "target": "2916" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8598778" + }, + "source": "2910", + "target": "2918" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.845129" + }, + "source": "2910", + "target": "2919" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75908124" + }, + "source": "2911", + "target": "2912" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77373993" + }, + "source": "2911", + "target": "2913" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83444893" + }, + "source": "2911", + "target": "2916" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7659412" + }, + "source": "2911", + "target": "2919" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7555646" + }, + "source": "2912", + "target": "2916" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7670356" + }, + "source": "2912", + "target": "2919" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76906234" + }, + "source": "2913", + "target": "2916" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81977546" + }, + "source": "2913", + "target": "2918" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.89863765" + }, + "source": "2913", + "target": "2919" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7684679" + }, + "source": "2914", + "target": "2917" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77600217" + }, + "source": "2916", + "target": "2918" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7763057" + }, + "source": "2916", + "target": "2919" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8819237" + }, + "source": "2918", + "target": "2919" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8317559" + }, + "source": "2920", + "target": "2922" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79851234" + }, + "source": "2920", + "target": "2923" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76580995" + }, + "source": "2920", + "target": "2924" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.775041" + }, + "source": "2920", + "target": "2925" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8554511" + }, + "source": "2920", + "target": "2926" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81879914" + }, + "source": "2920", + "target": "2927" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80752176" + }, + "source": "2920", + "target": "2928" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7769067" + }, + "source": "2920", + "target": "2929" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.905365" + }, + "source": "2921", + "target": "2922" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8525244" + }, + "source": "2921", + "target": "2923" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9088383" + }, + "source": "2921", + "target": "2924" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89591706" + }, + "source": "2921", + "target": "2925" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.877156" + }, + "source": "2921", + "target": "2926" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9260056" + }, + "source": "2921", + "target": "2927" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84296274" + }, + "source": "2921", + "target": "2928" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.891055" + }, + "source": "2921", + "target": "2929" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.926377" + }, + "source": "2922", + "target": "2923" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87352866" + }, + "source": "2922", + "target": "2924" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94682944" + }, + "source": "2922", + "target": "2925" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9407232" + }, + "source": "2922", + "target": "2926" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9203019" + }, + "source": "2922", + "target": "2927" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9165125" + }, + "source": "2922", + "target": "2928" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.93852186" + }, + "source": "2922", + "target": "2929" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8792514" + }, + "source": "2923", + "target": "2924" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87739587" + }, + "source": "2923", + "target": "2925" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9402162" + }, + "source": "2923", + "target": "2926" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88735497" + }, + "source": "2923", + "target": "2927" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9290666" + }, + "source": "2923", + "target": "2928" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.863958" + }, + "source": "2923", + "target": "2929" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84655976" + }, + "source": "2924", + "target": "2925" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8679067" + }, + "source": "2924", + "target": "2926" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8834772" + }, + "source": "2924", + "target": "2927" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93014777" + }, + "source": "2924", + "target": "2928" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8252255" + }, + "source": "2924", + "target": "2929" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89736927" + }, + "source": "2925", + "target": "2926" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87966794" + }, + "source": "2925", + "target": "2927" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86491466" + }, + "source": "2925", + "target": "2928" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9667228" + }, + "source": "2925", + "target": "2929" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9035567" + }, + "source": "2926", + "target": "2927" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9257465" + }, + "source": "2926", + "target": "2928" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8927572" + }, + "source": "2926", + "target": "2929" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8729416" + }, + "source": "2927", + "target": "2928" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8717401" + }, + "source": "2927", + "target": "2929" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84380007" + }, + "source": "2928", + "target": "2929" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.94924504" + }, + "source": "2930", + "target": "2932" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.87358326" + }, + "source": "2930", + "target": "2933" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8364854" + }, + "source": "2930", + "target": "2934" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84060335" + }, + "source": "2930", + "target": "2935" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84060335" + }, + "source": "2930", + "target": "2937" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8291336" + }, + "source": "2930", + "target": "2938" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8277737" + }, + "source": "2930", + "target": "2939" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93138516" + }, + "source": "2932", + "target": "2933" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.887572" + }, + "source": "2932", + "target": "2934" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9020604" + }, + "source": "2932", + "target": "2935" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7646609" + }, + "source": "2932", + "target": "2936" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9020604" + }, + "source": "2932", + "target": "2937" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83634835" + }, + "source": "2932", + "target": "2938" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8757196" + }, + "source": "2932", + "target": "2939" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93618286" + }, + "source": "2933", + "target": "2934" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9582837" + }, + "source": "2933", + "target": "2935" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.79951286" + }, + "source": "2933", + "target": "2936" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9582837" + }, + "source": "2933", + "target": "2937" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86689174" + }, + "source": "2933", + "target": "2938" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.92729044" + }, + "source": "2933", + "target": "2939" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9420055" + }, + "source": "2934", + "target": "2935" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.78022224" + }, + "source": "2934", + "target": "2936" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9420055" + }, + "source": "2934", + "target": "2937" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8930218" + }, + "source": "2934", + "target": "2938" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9785191" + }, + "source": "2934", + "target": "2939" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83129966" + }, + "source": "2935", + "target": "2936" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9999999" + }, + "source": "2935", + "target": "2937" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8536459" + }, + "source": "2935", + "target": "2938" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9552239" + }, + "source": "2935", + "target": "2939" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83129966" + }, + "source": "2936", + "target": "2937" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.83758247" + }, + "source": "2936", + "target": "2938" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.81593776" + }, + "source": "2936", + "target": "2939" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8536459" + }, + "source": "2937", + "target": "2938" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9552239" + }, + "source": "2937", + "target": "2939" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8790021" + }, + "source": "2938", + "target": "2939" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9017982" + }, + "source": "2941", + "target": "2942" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8119775" + }, + "source": "2941", + "target": "2943" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.855997" + }, + "source": "2941", + "target": "2944" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8647675" + }, + "source": "2941", + "target": "2945" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.800023" + }, + "source": "2941", + "target": "2946" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8203213" + }, + "source": "2941", + "target": "2947" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88279617" + }, + "source": "2941", + "target": "2948" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82591665" + }, + "source": "2941", + "target": "2949" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8069656" + }, + "source": "2942", + "target": "2943" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.849868" + }, + "source": "2942", + "target": "2944" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.826221" + }, + "source": "2942", + "target": "2945" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8181871" + }, + "source": "2942", + "target": "2946" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82151437" + }, + "source": "2942", + "target": "2947" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8385588" + }, + "source": "2942", + "target": "2948" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7843819" + }, + "source": "2942", + "target": "2949" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7955724" + }, + "source": "2943", + "target": "2944" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8088274" + }, + "source": "2943", + "target": "2945" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88627607" + }, + "source": "2943", + "target": "2946" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8258612" + }, + "source": "2943", + "target": "2947" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8249562" + }, + "source": "2943", + "target": "2948" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83963156" + }, + "source": "2943", + "target": "2949" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82861614" + }, + "source": "2944", + "target": "2945" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82273996" + }, + "source": "2944", + "target": "2946" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8389777" + }, + "source": "2944", + "target": "2947" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8098359" + }, + "source": "2944", + "target": "2948" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8088882" + }, + "source": "2944", + "target": "2949" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76520354" + }, + "source": "2945", + "target": "2946" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.75744784" + }, + "source": "2945", + "target": "2947" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8372102" + }, + "source": "2945", + "target": "2948" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79933995" + }, + "source": "2945", + "target": "2949" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87634766" + }, + "source": "2946", + "target": "2947" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8395009" + }, + "source": "2946", + "target": "2948" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7899906" + }, + "source": "2946", + "target": "2949" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.867386" + }, + "source": "2947", + "target": "2948" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7888478" + }, + "source": "2947", + "target": "2949" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.76703167" + }, + "source": "2948", + "target": "2949" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.926407" + }, + "source": "2950", + "target": "2951" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9134049" + }, + "source": "2950", + "target": "2952" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94071233" + }, + "source": "2950", + "target": "2953" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83759975" + }, + "source": "2950", + "target": "2954" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8475922" + }, + "source": "2950", + "target": "2955" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8920679" + }, + "source": "2950", + "target": "2956" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.83388186" + }, + "source": "2950", + "target": "2957" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.94208914" + }, + "source": "2950", + "target": "2958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9089993" + }, + "source": "2950", + "target": "2959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93789876" + }, + "source": "2951", + "target": "2952" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92803466" + }, + "source": "2951", + "target": "2953" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77601427" + }, + "source": "2951", + "target": "2954" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78606415" + }, + "source": "2951", + "target": "2955" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84420127" + }, + "source": "2951", + "target": "2956" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79610443" + }, + "source": "2951", + "target": "2957" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9227587" + }, + "source": "2951", + "target": "2958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8934062" + }, + "source": "2951", + "target": "2959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9186698" + }, + "source": "2952", + "target": "2953" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7488889" + }, + "source": "2952", + "target": "2954" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78797853" + }, + "source": "2952", + "target": "2955" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8643172" + }, + "source": "2952", + "target": "2956" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7885618" + }, + "source": "2952", + "target": "2957" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8930413" + }, + "source": "2952", + "target": "2958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90251195" + }, + "source": "2952", + "target": "2959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7822505" + }, + "source": "2953", + "target": "2954" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8317816" + }, + "source": "2953", + "target": "2955" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.85860217" + }, + "source": "2953", + "target": "2956" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7930816" + }, + "source": "2953", + "target": "2957" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.93285936" + }, + "source": "2953", + "target": "2958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9477601" + }, + "source": "2953", + "target": "2959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7596204" + }, + "source": "2954", + "target": "2955" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8147403" + }, + "source": "2954", + "target": "2956" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7909021" + }, + "source": "2954", + "target": "2957" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79473865" + }, + "source": "2954", + "target": "2958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.77528787" + }, + "source": "2954", + "target": "2959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8286265" + }, + "source": "2955", + "target": "2956" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79578996" + }, + "source": "2955", + "target": "2958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84023345" + }, + "source": "2955", + "target": "2959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8254226" + }, + "source": "2956", + "target": "2957" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8522198" + }, + "source": "2956", + "target": "2958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86478853" + }, + "source": "2956", + "target": "2959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8032748" + }, + "source": "2957", + "target": "2958" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75604486" + }, + "source": "2957", + "target": "2959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8941343" + }, + "source": "2958", + "target": "2959" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.873875" + }, + "source": "2960", + "target": "2961" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8749701" + }, + "source": "2960", + "target": "2962" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8978865" + }, + "source": "2960", + "target": "2963" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79171276" + }, + "source": "2960", + "target": "2964" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8720186" + }, + "source": "2960", + "target": "2965" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.90472925" + }, + "source": "2960", + "target": "2966" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8433396" + }, + "source": "2960", + "target": "2967" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8839456" + }, + "source": "2960", + "target": "2968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9039066" + }, + "source": "2960", + "target": "2969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84660524" + }, + "source": "2961", + "target": "2962" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8426974" + }, + "source": "2961", + "target": "2963" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.75422525" + }, + "source": "2961", + "target": "2964" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.76290655" + }, + "source": "2961", + "target": "2965" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8104975" + }, + "source": "2961", + "target": "2966" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78200185" + }, + "source": "2961", + "target": "2967" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8397565" + }, + "source": "2961", + "target": "2968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8746121" + }, + "source": "2961", + "target": "2969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86425674" + }, + "source": "2962", + "target": "2963" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.808998" + }, + "source": "2962", + "target": "2964" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84657335" + }, + "source": "2962", + "target": "2965" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86751854" + }, + "source": "2962", + "target": "2966" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8512826" + }, + "source": "2962", + "target": "2967" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8988216" + }, + "source": "2962", + "target": "2968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8650813" + }, + "source": "2962", + "target": "2969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7581606" + }, + "source": "2963", + "target": "2964" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84238696" + }, + "source": "2963", + "target": "2965" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86022407" + }, + "source": "2963", + "target": "2966" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.79355174" + }, + "source": "2963", + "target": "2967" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.9233736" + }, + "source": "2963", + "target": "2968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.92812204" + }, + "source": "2963", + "target": "2969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.7989446" + }, + "source": "2964", + "target": "2966" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.81260204" + }, + "source": "2964", + "target": "2967" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.78681785" + }, + "source": "2964", + "target": "2968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8031169" + }, + "source": "2964", + "target": "2969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8813014" + }, + "source": "2965", + "target": "2966" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82713073" + }, + "source": "2965", + "target": "2967" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88674843" + }, + "source": "2965", + "target": "2968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.84186435" + }, + "source": "2965", + "target": "2969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.8465778" + }, + "source": "2966", + "target": "2967" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.88408697" + }, + "source": "2966", + "target": "2968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86919385" + }, + "source": "2966", + "target": "2969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.86796653" + }, + "source": "2967", + "target": "2968" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.82152987" + }, + "source": "2967", + "target": "2969" + }, + { + "attributes": { + "dup_type": "translation", + "score": "0.907663" + }, + "source": "2968", + "target": "2969" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7886734" + }, + "source": "2972", + "target": "2973" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82209706" + }, + "source": "2973", + "target": "2976" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.79710376" + }, + "source": "2974", + "target": "2976" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82557064" + }, + "source": "2975", + "target": "2977" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.84149545" + }, + "source": "2975", + "target": "2979" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81017023" + }, + "source": "2977", + "target": "2979" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8164542" + }, + "source": "2980", + "target": "2981" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8227161" + }, + "source": "2980", + "target": "2982" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7832631" + }, + "source": "2980", + "target": "2983" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7908193" + }, + "source": "2980", + "target": "2984" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8194541" + }, + "source": "2980", + "target": "2985" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8130752" + }, + "source": "2980", + "target": "2986" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84051794" + }, + "source": "2980", + "target": "2987" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.798753" + }, + "source": "2980", + "target": "2988" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9355185" + }, + "source": "2981", + "target": "2982" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9516046" + }, + "source": "2981", + "target": "2983" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9344208" + }, + "source": "2981", + "target": "2984" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9709552" + }, + "source": "2981", + "target": "2985" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9162881" + }, + "source": "2981", + "target": "2986" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9660067" + }, + "source": "2981", + "target": "2987" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9549409" + }, + "source": "2981", + "target": "2988" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.87230885" + }, + "source": "2981", + "target": "2989" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.90023017" + }, + "source": "2982", + "target": "2983" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93861246" + }, + "source": "2982", + "target": "2984" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9418152" + }, + "source": "2982", + "target": "2985" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98522794" + }, + "source": "2982", + "target": "2986" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9763819" + }, + "source": "2982", + "target": "2987" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9255806" + }, + "source": "2982", + "target": "2988" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9198991" + }, + "source": "2982", + "target": "2989" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.91537654" + }, + "source": "2983", + "target": "2984" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9328408" + }, + "source": "2983", + "target": "2985" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9075075" + }, + "source": "2983", + "target": "2986" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9241204" + }, + "source": "2983", + "target": "2987" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9474858" + }, + "source": "2983", + "target": "2988" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82777417" + }, + "source": "2983", + "target": "2989" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9220418" + }, + "source": "2984", + "target": "2985" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9395964" + }, + "source": "2984", + "target": "2986" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9308868" + }, + "source": "2984", + "target": "2987" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9362845" + }, + "source": "2984", + "target": "2988" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.85302675" + }, + "source": "2984", + "target": "2989" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9264133" + }, + "source": "2985", + "target": "2986" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9576943" + }, + "source": "2985", + "target": "2987" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9497833" + }, + "source": "2985", + "target": "2988" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8671301" + }, + "source": "2985", + "target": "2989" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.96255094" + }, + "source": "2986", + "target": "2987" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9339153" + }, + "source": "2986", + "target": "2988" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9020537" + }, + "source": "2986", + "target": "2989" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9309162" + }, + "source": "2987", + "target": "2988" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9179232" + }, + "source": "2987", + "target": "2989" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8383143" + }, + "source": "2988", + "target": "2989" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.80077636" + }, + "source": "2991", + "target": "2992" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.88211703" + }, + "source": "2991", + "target": "2994" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89302087" + }, + "source": "2991", + "target": "2996" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7906677" + }, + "source": "2991", + "target": "2999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.773803" + }, + "source": "2992", + "target": "2993" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7530155" + }, + "source": "2992", + "target": "2994" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7812251" + }, + "source": "2992", + "target": "2996" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.83275986" + }, + "source": "2992", + "target": "2997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8721943" + }, + "source": "2992", + "target": "2999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82725114" + }, + "source": "2993", + "target": "2997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77803946" + }, + "source": "2993", + "target": "2999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82778263" + }, + "source": "2994", + "target": "2996" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.77369535" + }, + "source": "2994", + "target": "2997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7587809" + }, + "source": "2995", + "target": "2997" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.82091874" + }, + "source": "2995", + "target": "2998" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8150306" + }, + "source": "2996", + "target": "2999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8953607" + }, + "source": "2997", + "target": "2998" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.81094325" + }, + "source": "2997", + "target": "2999" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7852463" + }, + "source": "3000", + "target": "3001" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7803926" + }, + "source": "3000", + "target": "3002" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.84512687" + }, + "source": "3000", + "target": "3003" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.86271363" + }, + "source": "3000", + "target": "3004" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8373288" + }, + "source": "3000", + "target": "3005" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8401329" + }, + "source": "3000", + "target": "3006" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7793922" + }, + "source": "3000", + "target": "3007" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7718217" + }, + "source": "3000", + "target": "3009" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8204949" + }, + "source": "3001", + "target": "3002" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9010104" + }, + "source": "3001", + "target": "3003" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8907969" + }, + "source": "3001", + "target": "3004" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88050413" + }, + "source": "3001", + "target": "3005" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.86422396" + }, + "source": "3001", + "target": "3006" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7697608" + }, + "source": "3001", + "target": "3007" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9115668" + }, + "source": "3001", + "target": "3009" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8359135" + }, + "source": "3002", + "target": "3003" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8504701" + }, + "source": "3002", + "target": "3004" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.870249" + }, + "source": "3002", + "target": "3005" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8326174" + }, + "source": "3002", + "target": "3006" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7721914" + }, + "source": "3002", + "target": "3007" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.98552537" + }, + "source": "3003", + "target": "3004" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.93217766" + }, + "source": "3003", + "target": "3005" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9695625" + }, + "source": "3003", + "target": "3006" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8865819" + }, + "source": "3003", + "target": "3007" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.7914685" + }, + "source": "3003", + "target": "3008" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.9030326" + }, + "source": "3003", + "target": "3009" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.9346929" + }, + "source": "3004", + "target": "3005" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.97137594" + }, + "source": "3004", + "target": "3006" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8969372" + }, + "source": "3004", + "target": "3007" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8016126" + }, + "source": "3004", + "target": "3008" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.89827764" + }, + "source": "3004", + "target": "3009" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.90096235" + }, + "source": "3005", + "target": "3006" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8472471" + }, + "source": "3005", + "target": "3007" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.75247246" + }, + "source": "3005", + "target": "3008" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.8685245" + }, + "source": "3005", + "target": "3009" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.88077843" + }, + "source": "3006", + "target": "3007" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.78863525" + }, + "source": "3006", + "target": "3008" + }, + { + "attributes": { + "dup_type": "rewording", + "score": "0.8790131" + }, + "source": "3006", + "target": "3009" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.7818105" + }, + "source": "3007", + "target": "3008" + }, + { + "attributes": { + "dup_type": "copy-pasta", + "score": "0.80178785" + }, + "source": "3007", + "target": "3009" + } + ], + "nodes": [ + { + "attributes": { + "blank": " ", + "id": "10", + "language": "fr", + "text_to_embed": "Voici que j'achève, avec ce roman, les cinq ouvrages qui m'ont été envoyés dans le cadre d'une opération Masse Critique privilégiée et c'est donc tout naturellement que je commence cette critique en remerciant babelio ainsi que les éditions Kennes car je suis vraiment contente d'avoir découvert leur nouvelle collections K, même si si je reste sur une mauvaise impression avec cette dernière lecture." + }, + "key": "10" + }, + { + "attributes": { + "blank": " ", + "id": "11", + "language": "en", + "text_to_embed": "With this novel, I've completed the five books sent to me as part of a special Critical Mass campaign, so it's only natural that I should start this review by thanking babelio and Kennes, because I'm really pleased to have discovered their new K series, even if I'm still left with a bad impression from this latest read." + }, + "key": "11" + }, + { + "attributes": { + "blank": " ", + "id": "12", + "language": "de", + "text_to_embed": "Mit diesem Roman schließe ich die fünf Bücher ab, die mir im Rahmen einer Aktion \"Masse Critique\" zugeschickt wurden, und so ist es nur natürlich, dass ich diese Rezension mit einem Dank an babelio und den Kennes-Verlag beginne, denn ich bin wirklich froh, ihre neue K-Kollektion entdeckt zu haben, auch wenn ich bei der letzten Lektüre einen schlechten Eindruck hatte." + }, + "key": "12" + }, + { + "attributes": { + "blank": " ", + "id": "13", + "language": "pt", + "text_to_embed": "Com este romance, completei os cinco livros que me foram enviados no âmbito de uma campanha especial da Massa Crítica, por isso é natural que comece esta recensão agradecendo ao babelio e ao Kennes, porque estou muito contente por ter descoberto a sua nova série K, mesmo que ainda tenha ficado com uma má impressão desta última leitura." + }, + "key": "13" + }, + { + "attributes": { + "blank": " ", + "id": "14", + "language": "zh", + "text_to_embed": "有了这本小说,我就完成了作为 \"临界质量 \"特别活动的一部分寄给我的五本书,因此,在这篇评论的开头,我自然要感谢 babelio 和 Kennes,因为我真的很高兴发现了他们的新 K 系列,尽管最近这本书给我留下了不好的印象。" + }, + "key": "14" + }, + { + "attributes": { + "blank": " ", + "id": "15", + "language": "tr", + "text_to_embed": "Bu romanla birlikte, özel bir Critical Mass kampanyası kapsamında bana gönderilen beş kitabı tamamlamış oldum, bu nedenle bu incelemeye babelio ve Kennes'e teşekkür ederek başlamam çok doğal, çünkü bu son okumadan hala kötü bir izlenim bırakmış olsam bile, yeni K serilerini keşfetmiş olmaktan gerçekten memnunum." + }, + "key": "15" + }, + { + "attributes": { + "blank": " ", + "id": "16", + "language": "ru", + "text_to_embed": "Этим романом я завершила пять книг, присланных мне в рамках специальной акции \"Критическая масса\", поэтому вполне естественно, что я должна начать этот отзыв с благодарности babelio и Кеннесу, потому что я очень рада, что открыла для себя их новую серию \"К\", даже если от последнего прочтения у меня осталось неприятное впечатление." + }, + "key": "16" + }, + { + "attributes": { + "blank": " ", + "id": "17", + "language": "ja", + "text_to_embed": "この小説で、クリティカル・マス特別キャンペーンの一環として送られてきた5冊を読了したのだから、このレビューをバベリオとケネスに感謝することから始めるのは当然だろう。なぜなら、この最新作を読んでまだ悪い印象が残っているとはいえ、彼らの新しいKシリーズを発見できたことを本当に嬉しく思っているからだ。" + }, + "key": "17" + }, + { + "attributes": { + "blank": " ", + "id": "18", + "language": "it", + "text_to_embed": "Con questo romanzo ho completato i cinque libri inviatimi nell'ambito di una speciale campagna Critical Mass, quindi è naturale che inizi questa recensione ringraziando babelio e Kennes, perché sono davvero contenta di aver scoperto la loro nuova serie K, anche se quest'ultima lettura mi ha lasciato una brutta impressione." + }, + "key": "18" + }, + { + "attributes": { + "blank": " ", + "id": "21", + "language": "fr", + "text_to_embed": "Après avoir été moyennement impressionné par ma lecture du premier tome, qui était efficace mais peu original, j'ai décidé de me lancer dans le second. Malheureusement, les défauts étaient encore plus évidents à mes yeux." + }, + "key": "21" + }, + { + "attributes": { + "blank": " ", + "id": "22", + "language": "fr", + "text_to_embed": "Après avoir été déçu par le premier livre, qui était certes efficace mais manquait d'originalité, j'ai tout de même entrepris de lire le second tome. Cependant, les lacunes ressortaient encore plus clairement." + }, + "key": "22" + }, + { + "attributes": { + "blank": " ", + "id": "23", + "language": "fr", + "text_to_embed": "Bien que le premier tome ne m'ait pas emballé, étant donné qu'il était efficace mais peu innovant, j'ai quand même décidé de me plonger dans la lecture du second. Malheureusement, les défauts étaient encore plus flagrants." + }, + "key": "23" + }, + { + "attributes": { + "blank": " ", + "id": "24", + "language": "fr", + "text_to_embed": "Après avoir achevé le premier tome sans véritable enthousiasme, étant donné qu'il était efficace mais déjà vu, j'ai tout de même entamé la lecture du second. Cependant, les imperfections étaient encore plus frappantes." + }, + "key": "24" + }, + { + "attributes": { + "blank": " ", + "id": "25", + "language": "fr", + "text_to_embed": "Suite à ma lecture du premier tome, qui ne m'a guère enthousiasmé malgré son efficacité et son manque d'originalité, j'ai néanmoins décidé de me lancer dans le second. Mais les défauts étaient encore plus évidents." + }, + "key": "25" + }, + { + "attributes": { + "blank": " ", + "id": "26", + "language": "fr", + "text_to_embed": "Après avoir terminé le premier tome qui ne m'a pas vraiment séduit, étant à la fois efficace mais peu novateur, j'ai néanmoins entrepris la lecture du second. Malheureusement, les défauts étaient encore plus apparents." + }, + "key": "26" + }, + { + "attributes": { + "blank": " ", + "id": "27", + "language": "fr", + "text_to_embed": "Malgré mon manque d'engouement après la lecture du premier tome, qui était certes efficace mais déjà vu, j'ai quand même décidé de me plonger dans le second. Cependant, les défauts étaient encore plus saillants." + }, + "key": "27" + }, + { + "attributes": { + "blank": " ", + "id": "28", + "language": "fr", + "text_to_embed": "Après avoir parcouru le premier tome qui ne m'a pas vraiment captivé, étant à la fois efficace mais peu original, je me suis tout de même attaqué au second. Malheureusement, les défauts étaient encore plus évidents." + }, + "key": "28" + }, + { + "attributes": { + "blank": " ", + "id": "30", + "language": "fr", + "text_to_embed": "Deux étoiles, écrire un livre sans la lettre \"e\" mérite tout de même quelques étoiles. Mais je suis surtout content de ranger ce bouquin, j'ai du mettre deux mois voir trois je sais plus pour terminer cette lecture. Lecture bien compliquée donc, pourtant tout s'annonçait bien, les premières pages sont excellentes, un festival d'humour noir et/ou absurde. Un pur régal." + }, + "key": "30" + }, + { + "attributes": { + "blank": " ", + "id": "31", + "language": "en", + "text_to_embed": "Writing a book without the letter \"e\" still deserves a few stars. But above all I'm happy to put this book away, it must have taken me two or three months to finish reading it. The first few pages are excellent, a festival of black and/or absurd humour. A pure delight." + }, + "key": "31" + }, + { + "attributes": { + "blank": " ", + "id": "32", + "language": "de", + "text_to_embed": "Zwei Sterne, ein Buch ohne den Buchstaben \"e\" zu schreiben, verdient ein paar Sterne. Ich bin froh, dass ich das Buch weglegen kann, denn ich habe zwei Monate oder drei gebraucht, um es zu Ende zu lesen. Die ersten Seiten sind hervorragend, ein Fest des schwarzen und/oder absurden Humors. Ein reines Vergnügen." + }, + "key": "32" + }, + { + "attributes": { + "blank": " ", + "id": "33", + "language": "pt", + "text_to_embed": "Escrever um livro sem a letra \"e\" ainda merece algumas estrelas. Mas, acima de tudo, estou feliz por ter guardado este livro, devo ter demorado dois ou três meses a acabar de o ler. As primeiras páginas são excelentes, um festival de humor negro e/ou absurdo. Um puro deleite." + }, + "key": "33" + }, + { + "attributes": { + "blank": " ", + "id": "34", + "language": "zh", + "text_to_embed": "写一本没有字母 \"e \"的书还是值得给几颗星的。但最重要的是,我很高兴能把这本书收起来,我一定花了两三个月的时间才读完它。前几页非常精彩,是黑色和/或荒诞幽默的节日。纯粹是一种享受。" + }, + "key": "34" + }, + { + "attributes": { + "blank": " ", + "id": "35", + "language": "tr", + "text_to_embed": "\"E\" harfi olmadan bir kitap yazmak yine de birkaç yıldızı hak ediyor. Ama her şeyden önce bu kitabı bir kenara koyduğum için mutluyum, okumayı bitirmem iki ya da üç ayımı almış olmalı. İlk birkaç sayfa mükemmel, bir kara ve/veya absürd mizah festivali. Saf bir zevk." + }, + "key": "35" + }, + { + "attributes": { + "blank": " ", + "id": "36", + "language": "ru", + "text_to_embed": "Написание книги без буквы \"е\" все же заслуживает нескольких звезд. Но прежде всего я рад отложить эту книгу в сторону: чтобы дочитать ее до конца, мне потребовалось, наверное, два или три месяца. Первые несколько страниц просто великолепны, это праздник черного и/или абсурдного юмора. Чистый восторг." + }, + "key": "36" + }, + { + "attributes": { + "blank": " ", + "id": "38", + "language": "it", + "text_to_embed": "Scrivere un libro senza la lettera \"e\" merita comunque qualche stella. Ma soprattutto sono felice di mettere via questo libro, che mi avrà richiesto due o tre mesi per essere letto. Le prime pagine sono eccellenti, un festival di umorismo nero e/o assurdo. Una pura delizia." + }, + "key": "38" + }, + { + "attributes": { + "blank": " ", + "id": "40", + "language": "fr", + "text_to_embed": "L'intérêt d'un livre très malade, c'est que les symptômes sont visibles dès les premiers maux. Et La vérité sur l'affaire Harry Quebert est un roman à l'agonie puisque c'est dès les premières phrases que vous aurez droit à ce que l'on nomme communément « le cliché ». La langue française est assez riche pour s'en passer, mais les écrivains handicapés à vie d'un peu de talent s’appuient sur les clichés comme d’autres sur leurs béquilles." + }, + "key": "40" + }, + { + "attributes": { + "blank": " ", + "id": "41", + "language": "fr", + "text_to_embed": "L'intérêt d'un livre très malade, c'est que les symptômes sont visibles dès les premiers maux. Et La vérité sur l'affaire Harry Quebert est un roman à l'agonie puisque c'est dès les premières phrases que vous aurez droit à ce que l'on nomme communément \"le cliché\". La langue française est assez riche pour s'en passer, mais les écrivains handicapés à vie d'un peu de talent s'appuient sur les clichés comme d'autres sur leurs béquilles. ✏️ #livre #cliché" + }, + "key": "41" + }, + { + "attributes": { + "blank": " ", + "id": "42", + "language": "fr", + "text_to_embed": "L'intérêt d'un livre très malade, c'est que les symptômes sont visibles dès les premiers maux. Et La vérité sur l'affaire Harry Quebert est un roman 📚à l'agonie puisque c'est dès les premières phrases que vous aurez droit à ce que l'on nomme communément \"le cliché\". La langue française est assez riche pour s'en passer, mais les écrivains handicapés à vie d'un peu de talent s'appuient sur les clichés comme d'autres sur leurs béquilles. #symptômes" + }, + "key": "42" + }, + { + "attributes": { + "blank": " ", + "id": "43", + "language": "fr", + "text_to_embed": "L'intérêt d'un livre très malade, c'est que les symptômes sont visibles dès les premiers maux. Et La vérité sur l'affaire Harry Quebert est un roman à l'agonie puisque c'est dès les premières phrases que vous aurez droit à ce que l'on nomme communément \"le cliché\". La langue française est assez riche pour s'en passer, mais les écrivains handicapés à vie d'un peu de talent s'appuient sur les clichés comme d'autres sur leurs béquilles. 📖💀 #roman" + }, + "key": "43" + }, + { + "attributes": { + "blank": " ", + "id": "44", + "language": "fr", + "text_to_embed": "L'intérêt d'un livre très malade, c'est que les symptômes sont visibles dès les premiers maux. Et La vérité sur l'affaire Harry Quebert est un roman à l'agonie puisque c'est dès les premières phrases que vous aurez droit à ce que l'on nomme communément \"le cliché\". La langue française est assez riche pour s'en passer, mais les écrivains handicapés à vie d'un peu de talent s'appuient sur les clichés comme d'autres sur leurs béquilles. 📒💔 #intérêt" + }, + "key": "44" + }, + { + "attributes": { + "blank": " ", + "id": "45", + "language": "fr", + "text_to_embed": "L'intérêt d'un livre très malade, c'est que les symptômes sont visibles dès les premiers maux. Et La vérité sur l'affaire Harry Quebert est un roman à l'agonie puisque c'est dès les premières phrases que vous aurez droit à ce que l'on nomme communément \"le cliché\". La langue française est assez riche pour s'en passer, mais les écrivains handicapés à vie d'un peu de talent s'appuient sur les clichés comme d'autres sur leurs béquilles. 🤒📚 #langue" + }, + "key": "45" + }, + { + "attributes": { + "blank": " ", + "id": "46", + "language": "fr", + "text_to_embed": "L'intérêt d'un livre très malade, c'est que les symptômes sont visibles dès les premiers maux. Et La vérité sur l'affaire Harry Quebert est un roman à l'agonie puisque c'est dès les premières phrases que vous aurez droit à ce que l'on nomme communément \"le cliché\". 📖💀 La langue française est assez riche pour s'en passer, mais les écrivains handicapés à vie d'un peu de talent s'appuient sur les clichés comme d'autres sur leurs béquilles. #cliché" + }, + "key": "46" + }, + { + "attributes": { + "blank": " ", + "id": "47", + "language": "fr", + "text_to_embed": "L'intérêt d'un livre très malade, c'est que les symptômes sont visibles dès les premiers maux. Et La vérité sur l'affaire Harry Quebert est un roman à l'agonie puisque c'est dès les premières phrases que vous aurez droit à ce que l'on nomme communément \"le cliché\". La langue française est assez riche pour s'en passer, mais les écrivains handicapés à vie d'un peu de talent s'appuient sur les clichés comme d'autres sur leurs béquilles. 📒🖊️ #symptômes" + }, + "key": "47" + }, + { + "attributes": { + "blank": " ", + "id": "48", + "language": "fr", + "text_to_embed": "[Save the Date] L'intérêt d'un livre très malade, c'est que les symptômes sont visibles dès les premiers maux. Et La vérité sur l'affaire Harry Quebert est un roman à l'agonie puisque c'est dès les premières phrases que vous aurez droit à ce que l'on nomme communément \"le cliché\". La langue française est assez riche pour s'en passer, mais les écrivains handicapés à vie d'un peu de talent s'appuient sur les clichés comme d'autres sur leurs béquilles. 🤒✒️# langue" + }, + "key": "48" + }, + { + "attributes": { + "blank": " ", + "id": "50", + "language": "fr", + "text_to_embed": "River est une adolescente \"différente\" : elle a du mal à entrer dans la norme et à gérer les interactions avec les autres, fait preuve d'un trop plein d'émotions et, surnommée le boulet par sa sœur, provoque toujours des catastrophes. Cette différence lui vaut d'être mise à part au collège puis très vite harcelée : arrivera-t-elle à surmonter cette épreuve ?" + }, + "key": "50" + }, + { + "attributes": { + "blank": " ", + "id": "51", + "language": "fr", + "text_to_embed": "River, une adolescente atypique, a des difficultés à s'intégrer et à gérer les relations avec les autres, elle est souvent submergée par ses émotions et sa sœur la surnomme \"le boulet\", car elle provoque toujours des catastrophes. En raison de cette différence, elle est mise à l'écart au collège et finit par être harcelée. Parviendra-t-elle à surmonter cette épreuve ?" + }, + "key": "51" + }, + { + "attributes": { + "blank": " ", + "id": "52", + "language": "fr", + "text_to_embed": "River présente une singularité chez les adolescents : elle a du mal à s'ajuster aux normes et à gérer ses interactions sociales, en plus d'être extrêmement émotive et constamment source de problèmes, d'où le surnom \"le boulet\" donné par sa sœur. En conséquence de cette différence, elle est exclue du groupe au collège et devient rapidement la cible de harcèlement. Sera-t-elle capable de surmonter cette épreuve ?" + }, + "key": "52" + }, + { + "attributes": { + "blank": " ", + "id": "53", + "language": "fr", + "text_to_embed": "River se distingue des autres ados par sa difficulté à se conformer et à gérer ses relations avec les autres, tout en manifestant un surplus émotionnel constant, ce qui lui vaut d'être qualifiée de \"boulet\" par sa sœur et de subir l'isolement puis le harcèlement au collège. Réussira-t-elle à surmonter cette épreuve ?" + }, + "key": "53" + }, + { + "attributes": { + "blank": " ", + "id": "54", + "language": "fr", + "text_to_embed": "River se classe parmi les adolescents \"hors norme\", étant donné sa difficulté à s'intégrer et à gérer les interactions sociales, en plus de ses émotions débordantes, qui lui valent le surnom \"le boulet\" de la part de sa sœur, et déclenchant toujours des catastrophes. Cela conduit à son exclusion au collège et à une rapide victimisation : parviendra-t-elle à surmonter cette épreuve ?" + }, + "key": "54" + }, + { + "attributes": { + "blank": " ", + "id": "55", + "language": "fr", + "text_to_embed": "River, une adolescente hors du commun, éprouve des difficultés à se conformer et à interagir avec les autres, souvent submergée par un flot d'émotions, ce qui lui vaut le surnom de \"boulet\" de la part de sa sœur et est à l'origine de nombreuses catastrophes. Cette singularité la pousse à l'écart au collège, où elle devient rapidement victime de harcèlement. Parviendra-t-elle à surmonter cette épreuve ?" + }, + "key": "55" + }, + { + "attributes": { + "blank": " ", + "id": "56", + "language": "fr", + "text_to_embed": "River, une adolescente d'un genre particulier, peine à se conformer et à gérer les interactions avec les autres, débordant d'émotions et provoquant des catastrophes qui lui valent le surnom de \"boulet\" selon sa sœur. Le revers de cette différence est son isolement et le harcèlement dont elle est victime au collège. Parviendra-t-elle à surmonter cet obstacle ?" + }, + "key": "56" + }, + { + "attributes": { + "blank": " ", + "id": "57", + "language": "fr", + "text_to_embed": "River est une adolescente qui se démarque par ses difficultés à s'adapter aux normes et à gérer les interactions avec les autres, en plus de faire preuve d'une abondance d'émotions et d'être désignée comme \"le boulet\" par sa sœur, à cause des nombreuses catastrophes qu'elle provoque. Cette distinction lui vaut d'être exclue au collège et de subir rapidement du harcèlement. Parviendra-t-elle à triompher de cette épreuve ?" + }, + "key": "57" + }, + { + "attributes": { + "blank": " ", + "id": "58", + "language": "fr", + "text_to_embed": "River, une adolescente hors norme, éprouve des difficultés à entrer dans le moule et à maîtriser les interactions sociales, étant constamment submergée par ses émotions et source de catastrophes aux yeux de sa sœur, qui la surnomme \"le boulet\". Cette singularité la conduit à être mise à l'écart au collège puis à être victime de harcèlement. Parviendra-t-elle à surmonter cette épreuve ?" + }, + "key": "58" + }, + { + "attributes": { + "blank": " ", + "id": "60", + "language": "fr", + "text_to_embed": "L'histoire, assez loufoque (mais pourquoi pas) de deux suicidaires qui se retrouvent au même moment, au même endroit, pour accomplir leur funeste destin. Ils se lancent alors à la recherche d'autres suicidaires finlandais, les réunissant dans une cave, pour faire un symposium sur le suicide. S'en suivent alors des aventures à bord d'un car de luxe, qui leur fait traverser la Finlande, la Suisse, l'Allemagne, la France et finalement, le Portugal." + }, + "key": "60" + }, + { + "attributes": { + "blank": " ", + "id": "61", + "language": "en", + "text_to_embed": "A rather zany story (but why not?) of two suicidal men who meet at the same time, in the same place, to fulfil their fateful destiny. They set out to find other suicidal Finns, gathering them in a cellar to hold a symposium on suicide. What follows is a series of adventures on board a luxury coach, taking them through Finland, Switzerland, Germany, France and finally Portugal." + }, + "key": "61" + }, + { + "attributes": { + "blank": " ", + "id": "62", + "language": "de", + "text_to_embed": "Die ziemlich verrückte (aber warum nicht) Geschichte zweier Selbstmörder, die sich zur gleichen Zeit am gleichen Ort treffen, um ihr verhängnisvolles Schicksal zu erfüllen. Sie machen sich auf die Suche nach anderen finnischen Selbstmördern und versammeln sie in einem Keller, um ein Symposium über Selbstmord abzuhalten. Es folgen Abenteuer in einem Luxusbus, der sie durch Finnland, die Schweiz, Deutschland, Frankreich und schließlich nach Portugal führt." + }, + "key": "62" + }, + { + "attributes": { + "blank": " ", + "id": "63", + "language": "pt", + "text_to_embed": "Uma história um tanto ou quanto louca (mas porque não?) de dois homens suicidas que se encontram ao mesmo tempo, no mesmo local, para cumprir o seu destino fatídico. Partem à procura de outros finlandeses suicidas, reunindo-os numa cave para realizar um simpósio sobre o suicídio. Segue-se uma série de aventuras a bordo de um autocarro de luxo, que os leva pela Finlândia, Suíça, Alemanha, França e finalmente Portugal." + }, + "key": "63" + }, + { + "attributes": { + "blank": " ", + "id": "64", + "language": "zh", + "text_to_embed": "这是一个相当滑稽的故事(但为什么不呢?),讲述了两个有自杀倾向的人在同一时间、同一地点相遇,以完成他们的宿命。他们开始寻找其他有自杀倾向的芬兰人,并将他们聚集在一个地窖里举行自杀研讨会。接下来,他们在一辆豪华客车上经历了一系列冒险,途经芬兰、瑞士、德国、法国,最后到达葡萄牙。" + }, + "key": "64" + }, + { + "attributes": { + "blank": " ", + "id": "66", + "language": "ru", + "text_to_embed": "Довольно забавная история (но почему бы и нет?) о двух самоубийцах, которые встречаются в одно и то же время в одном и том же месте, чтобы исполнить свое роковое предназначение. Они отправляются на поиски других финнов-самоубийц и собирают их в подвале, чтобы провести симпозиум на тему суицида. Далее следует череда приключений на борту роскошного автобуса, который провезет их через Финляндию, Швейцарию, Германию, Францию и, наконец, Португалию." + }, + "key": "66" + }, + { + "attributes": { + "blank": " ", + "id": "68", + "language": "it", + "text_to_embed": "Una storia piuttosto bizzarra (ma perché no?) di due suicidi che si incontrano nello stesso momento, nello stesso luogo, per compiere il loro fatidico destino. Si mettono alla ricerca di altri finlandesi suicidi, riunendoli in una cantina per tenere un simposio sul suicidio. Segue una serie di avventure a bordo di una lussuosa carrozza che li porta attraverso la Finlandia, la Svizzera, la Germania, la Francia e infine il Portogallo." + }, + "key": "68" + }, + { + "attributes": { + "blank": " ", + "id": "70", + "language": "fr", + "text_to_embed": "A la suite de l'immense succès de la série Nicolas le Floc'h de Jean-François Parrot, ont fleuri quantités de concurrents, du mauvais (Chevalier de Volnay, Commissaire aux morts étranges - O. Barbe-Cabuçon) au médiocre (Victor Dauterive, gendarme de la Révolution - J.-Ch. Portes - et Donatien Lachance, détective de Napoléon - L. Joffrin), qui ne peuvent rivaliser avec l'original !" + }, + "key": "70" + }, + { + "attributes": { + "blank": " ", + "id": "71", + "language": "en", + "text_to_embed": "In the wake of the huge success of Jean-François Parrot's Nicolas le Floc'h series, a host of competitors have sprung up, ranging from the bad (Chevalier de Volnay, Commissaire aux morts étranges - O. Barbe-Cabuçon) to the mediocre (Victor Dauterive, gendarme de la Révolution - J.-Ch. Portes - and Donatien Lachance, détective de Napoléon - L. Joffrin), who can't compete with the original!" + }, + "key": "71" + }, + { + "attributes": { + "blank": " ", + "id": "72", + "language": "de", + "text_to_embed": "Nach dem großen Erfolg der Serie Nicolas le Floc'h von Jean-François Parrot sind unzählige Konkurrenten aufgetaucht, von schlecht (Chevalier de Volnay, Commissaire aux morts étranges - O. Barbe-Cabuçon) bis mittelmäßig (Victor Dauterive, Gendarm der Revolution - J.-Ch. Portes - und Donatien Lachance, Detektiv von Napoleon - L. Joffrin), die nicht mit dem Original mithalten können!" + }, + "key": "72" + }, + { + "attributes": { + "blank": " ", + "id": "73", + "language": "pt", + "text_to_embed": "Na sequência do enorme sucesso da série Nicolas le Floc'h, de Jean-François Parrot, surgiram vários concorrentes, desde os maus (Chevalier de Volnay, Commissaire aux morts étranges - O. Barbe-Cabuçon) aos medíocres (Victor Dauterive, gendarme de la Révolution - J.-Ch. Portes - e Donatien Lachance, détective de Napoléon - L. Joffrin), que não conseguem competir com o original!" + }, + "key": "73" + }, + { + "attributes": { + "blank": " ", + "id": "75", + "language": "tr", + "text_to_embed": "Jean-François Parrot'nun Nicolas le Floc'h serisinin büyük başarısının ardından, kötülerden (Chevalier de Volnay, Commissaire aux morts étranges - O. Barbe-Cabuçon) vasatlara (Victor Dauterive, gendarme de la Révolution - J.-Ch. Portes - ve Donatien Lachance, détective de Napoléon - L. Joffrin) kadar, orijinaliyle rekabet edemeyen bir dizi rakip ortaya çıktı!" + }, + "key": "75" + }, + { + "attributes": { + "blank": " ", + "id": "78", + "language": "it", + "text_to_embed": "Sulla scia del grande successo della serie Nicolas le Floc'h di Jean-François Parrot, sono sorti numerosi concorrenti, dai pessimi (Chevalier de Volnay, Commissaire aux morts étranges - O. Barbe-Cabuçon) ai mediocri (Victor Dauterive, gendarme de la Révolution - J.-Ch. Portes - e Donatien Lachance, détective de Napoléon - L. Joffrin), che non possono competere con l'originale!" + }, + "key": "78" + }, + { + "attributes": { + "blank": " ", + "id": "80", + "language": "fr", + "text_to_embed": "e n'aime pas trop la poésie et franchement Baudelaire m'a ennuyé et dire que j’ai dû le subir en première et ce fut horriblement horrible. Je n'ai jamais compris ces poèmes et je me demande bien pourquoi on nous l'infligé. J'aurais préféré étudier Ronsard, du Bellay ou Christine de Pisan. Peut être que monsieur Baudelaire avait du talent mais son expression est trop hermétique pour moi...un peu, le même ressenti que pour Picasso." + }, + "key": "80" + }, + { + "attributes": { + "blank": " ", + "id": "81", + "language": "en", + "text_to_embed": "I don't really like poetry and frankly Baudelaire bored me, and to think I had to sit through it in first year and it was horrifying. I've never understood these poems and I wonder why they were inflicted on us. I would have preferred to study Ronsard, du Bellay or Christine de Pisan. Maybe Monsieur Baudelaire had talent, but his expression is too hermetic for me... a bit like I felt about Picasso." + }, + "key": "81" + }, + { + "attributes": { + "blank": " ", + "id": "82", + "language": "de", + "text_to_embed": "ch mag Gedichte nicht besonders und ehrlich gesagt hat mich Baudelaire gelangweilt und ich muss sagen, dass ich ihn in der elften Klasse ertragen musste und es war furchtbar schrecklich. Ich habe diese Gedichte nie verstanden und frage mich, warum man sie uns auferlegt hat. Ich hätte lieber Ronsard, du Bellay oder Christine de Pisan studiert. Vielleicht hatte Herr Baudelaire Talent, aber sein Ausdruck ist für mich zu hermetisch... so ähnlich wie bei Picasso." + }, + "key": "82" + }, + { + "attributes": { + "blank": " ", + "id": "83", + "language": "pt", + "text_to_embed": "Não gosto muito de poesia e, francamente, Baudelaire aborreceu-me, e pensar que tive de o ler no primeiro ano e foi horrível. Nunca compreendi estes poemas e pergunto-me porque é que nos foram infligidos. Teria preferido estudar Ronsard, du Bellay ou Christine de Pisan. Talvez Monsieur Baudelaire tivesse talento, mas a sua expressão é demasiado hermética para mim... um pouco como me sentia em relação a Picasso." + }, + "key": "83" + }, + { + "attributes": { + "blank": " ", + "id": "85", + "language": "tr", + "text_to_embed": "Şiirden gerçekten hoşlanmıyorum ve açıkçası Baudelaire beni sıktı ve birinci sınıfta oturup okumak zorunda kaldım ve korkunçtu. Bu şiirleri hiç anlamadım ve neden bize dayatıldıklarını merak ediyorum. Ronsard, du Bellay ya da Christine de Pisan okumayı tercih ederdim. Belki Mösyö Baudelaire'in yeteneği vardı, ama ifadesi benim için fazla hermetik... biraz Picasso hakkında hissettiklerim gibi." + }, + "key": "85" + }, + { + "attributes": { + "blank": " ", + "id": "88", + "language": "it", + "text_to_embed": "Non mi piace molto la poesia e francamente Baudelaire mi ha annoiato, e pensare che l'ho dovuto seguire al primo anno ed è stato orribile. Non ho mai capito queste poesie e mi chiedo perché ci siano state inflitte. Avrei preferito studiare Ronsard, du Bellay o Christine de Pisan. Forse Monsieur Baudelaire aveva talento, ma la sua espressione è troppo ermetica per me... un po' come mi sentivo con Picasso." + }, + "key": "88" + }, + { + "attributes": { + "blank": " ", + "id": "90", + "language": "fr", + "text_to_embed": "Épouvantablement \"psycho pop\" sans trop de contenu. Si vous cherchez un livre intéressant et pertinent sur le deuil animalier, préférez \"Apprivoiser le deuil animalier\" de Lynne Pion, il y a plus de contenu. Je crois que d'autres bons essais sont parus sur le sujet, mais je ne les ai pas encore lus donc je ne peux pas en suggérer d'autres pour le moment." + }, + "key": "90" + }, + { + "attributes": { + "blank": " ", + "id": "91", + "language": "en", + "text_to_embed": "Appallingly \"pop psycho\" without too much content. If you're looking for an interesting and relevant book on pet bereavement, prefer \"Taming Pet Bereavement\" by Lynne Pion, there's more content. I believe there are other good essays on the subject, but I haven't read them yet so I can't suggest any others at the moment." + }, + "key": "91" + }, + { + "attributes": { + "blank": " ", + "id": "92", + "language": "de", + "text_to_embed": "Schrecklich \"psycho pop\" ohne viel Inhalt. Wenn Sie ein interessantes und relevantes Buch über Tiertrauer suchen, bevorzugen Sie \"Apprivoiser le deuil animalier\" von Lynne Pion, es hat mehr Inhalt. Ich glaube, es sind noch weitere gute Aufsätze zu diesem Thema erschienen, aber ich habe sie noch nicht gelesen, daher kann ich im Moment keine weiteren vorschlagen." + }, + "key": "92" + }, + { + "attributes": { + "blank": " ", + "id": "93", + "language": "pt", + "text_to_embed": "Terrivelmente \"psicopata pop\" sem muito conteúdo. Se está à procura de um livro interessante e relevante sobre o luto de animais de estimação, prefira \"Taming Pet Bereavement\" de Lynne Pion, tem mais conteúdo. Creio que existem outros bons ensaios sobre o tema, mas ainda não os li, pelo que não posso sugerir outros de momento." + }, + "key": "93" + }, + { + "attributes": { + "blank": " ", + "id": "95", + "language": "tr", + "text_to_embed": "Çok fazla içeriği olmayan korkunç derecede \"pop psikopat\". Evcil hayvan yası konusunda ilginç ve konuyla ilgili bir kitap arıyorsanız, Lynne Pion'un \"Evcil Hayvan Yasını Taming Pet Bereavement\" kitabını tercih edin, daha fazla içerik var. Sanırım konuyla ilgili başka iyi makaleler de var, ancak henüz okumadım, bu yüzden şu anda başka bir şey öneremem." + }, + "key": "95" + }, + { + "attributes": { + "blank": " ", + "id": "96", + "language": "ru", + "text_to_embed": "Отвратительно \"поп-психологическая\" книга без особого содержания. Если вы ищете интересную и актуальную книгу о тяжелой утрате домашних животных, предпочтите \"Taming Pet Bereavement\" Линн Пион, там больше содержания. Я полагаю, что есть и другие хорошие эссе на эту тему, но я их еще не читал, поэтому не могу предложить другие на данный момент." + }, + "key": "96" + }, + { + "attributes": { + "blank": " ", + "id": "97", + "language": "ja", + "text_to_embed": "あまりに内容のない「ポップ・サイコ」。ペットとの死別に関する興味深く適切な本をお探しなら、リン・ピオンの『ペットとの死別を飼いならす』をお勧めする。他にも良いエッセイがあると思うが、まだ読んでいないので、今のところ他を薦めることはできない。" + }, + "key": "97" + }, + { + "attributes": { + "blank": " ", + "id": "98", + "language": "it", + "text_to_embed": "Spaventosamente \"pop psycho\" senza troppi contenuti. Se cercate un libro interessante e pertinente sul lutto degli animali domestici, preferite \"Taming Pet Bereavement\" di Lynne Pion, c'è più contenuto. Credo che ci siano altri buoni saggi sull'argomento, ma non li ho ancora letti e quindi non posso suggerirne altri al momento." + }, + "key": "98" + }, + { + "attributes": { + "blank": " ", + "id": "100", + "language": "fr", + "text_to_embed": "Deuxième tome de la collection 2021 de DC de l’été, nous avons affaire ici à une partie des tome de Deathstoke Rebirth. Je ne connais pas le personnage de Deathstroke et cela m’a semblé être une gêne pour la compréhension. Ce n’est pas le meilleur de la série, les scènes d’action sont confuses. C’est dommage car l’idée de départ pouvait être sympa." + }, + "key": "100" + }, + { + "attributes": { + "blank": " ", + "id": "101", + "language": "en", + "text_to_embed": "The second volume in DC's 2021 summer collection, this is part of the Deathstoke Rebirth series. I'm not familiar with the character of Deathstroke and this seemed to me to be a hindrance to understanding. It's not the best in the series, the action scenes are confusing. It's a shame because the original idea could have been nice." + }, + "key": "101" + }, + { + "attributes": { + "blank": " ", + "id": "102", + "language": "de", + "text_to_embed": "Als zweiter Band der DC-Sommerkollektion 2021 haben wir es hier mit einem Teil der Deathstoke Rebirth-Bände zu tun. Ich kenne die Figur Deathstroke nicht, und das schien mir für das Verständnis hinderlich zu sein. Dies ist nicht der beste Teil der Serie, die Actionszenen sind verwirrend. Das ist schade, denn die Ausgangsidee könnte nett sein." + }, + "key": "102" + }, + { + "attributes": { + "blank": " ", + "id": "103", + "language": "pt", + "text_to_embed": "O segundo volume da coleção de verão 2021 da DC, faz parte da série Deathstoke Rebirth. Não estou familiarizada com a personagem Deathstroke e isso pareceu-me ser um entrave à compreensão. Não é o melhor da série, as cenas de ação são confusas. É uma pena porque a ideia original poderia ter sido boa." + }, + "key": "103" + }, + { + "attributes": { + "blank": " ", + "id": "105", + "language": "tr", + "text_to_embed": "DC'nin 2021 yaz koleksiyonunun ikinci cildi olan bu kitap, Deathstoke Rebirth serisinin bir parçası. Deathstroke karakterine aşina değilim ve bu bana anlamamda bir engel gibi geldi. Serinin en iyisi değil, aksiyon sahneleri kafa karıştırıcı. Yazık olmuş çünkü orijinal fikir güzel olabilirdi." + }, + "key": "105" + }, + { + "attributes": { + "blank": " ", + "id": "107", + "language": "ja", + "text_to_embed": "DCの2021年サマーコレクションの第2巻で、これは「デスストローク再生」シリーズの一部である。私はデスストロークというキャラクターをよく知らないので、それが理解の妨げになっているように思えた。シリーズ最高傑作とは言い難く、アクションシーンは分かりにくい。原案が良かっただけに残念だ。" + }, + "key": "107" + }, + { + "attributes": { + "blank": " ", + "id": "108", + "language": "it", + "text_to_embed": "Secondo volume della collezione estiva 2021 della DC, questo fa parte della serie Deathstoke Rebirth. Non conosco il personaggio di Deathstroke e questo mi è sembrato un ostacolo alla comprensione. Non è il migliore della serie, le scene d'azione sono confuse. È un peccato perché l'idea originale poteva essere carina." + }, + "key": "108" + }, + { + "attributes": { + "blank": " ", + "id": "110", + "language": "fr", + "text_to_embed": "Ce livre, qui a reçu un prix décerné par des lycéens, pourrait servir d’exercice pour ces même lycéens afin de les sensibiliser aux nuances qui différencient un livre de la vraie littérature (à la condition bien sûr de considérer la littérature comme étant de l’art, et l’art comme étant la création d’une réalité plus utile que la propre description d’une réalité visible de tous quand on les yeux en face des trous)." + }, + "key": "110" + }, + { + "attributes": { + "blank": " ", + "id": "111", + "language": "fr", + "text_to_embed": "Ce livre, qui a été récompensé par des lycéens, pourrait être utilisé comme un exercice pour ces mêmes lycéens, dans le but de les sensibiliser aux subtilités qui distinguent un livre de la vraie littérature (à condition bien sûr que l'on considère la littérature comme de l'art, et l'art comme la création d'une réalité plus pertinente que la simple description d'une réalité visible à tous lorsque l'on est attentif)." + }, + "key": "111" + }, + { + "attributes": { + "blank": " ", + "id": "112", + "language": "fr", + "text_to_embed": "Cet ouvrage, honoré d'un prix remis par des élèves de lycée, pourrait être employé comme un exercice, afin de sensibiliser ces mêmes élèves aux nuances qui séparent un livre de véritable littérature (si l'on considère bien sûr que la littérature est une forme d'art, et que l'art est la création d'une réalité plus précieuse que la simple description d'une réalité évidente à tous les regards)." + }, + "key": "112" + }, + { + "attributes": { + "blank": " ", + "id": "113", + "language": "fr", + "text_to_embed": "Ce livre a été récompensé par des lycéens et pourrait être utilisé comme un exercice pédagogique pour éveiller ces mêmes lycéens aux différentes nuances qui distinguent un livre de vraie littérature (à condition bien sûr que l'on considère la littérature comme de l'art, et l'art comme la création d'une réalité plus significative que la simple représentation d'une réalité tangible pour tout le monde lorsque l'on a les yeux en face des trous)." + }, + "key": "113" + }, + { + "attributes": { + "blank": " ", + "id": "114", + "language": "fr", + "text_to_embed": "Ayant reçu un prix attribué par des lycéens, ce livre pourrait être utilisé comme un moyen de sensibiliser ces mêmes lycéens aux subtilités qui font la différence entre un livre et la véritable littérature (si l'on considère bien sûr que la littérature est de l'art, et l'art est la création d'une réalité plus utile que la simple description d'une réalité visible de tous lorsque l'on regarde attentivement)." + }, + "key": "114" + }, + { + "attributes": { + "blank": " ", + "id": "115", + "language": "fr", + "text_to_embed": "Ce livre a été honoré d'un prix décerné par des lycéens et pourrait être exploité comme un exercice visant à sensibiliser ces mêmes lycéens aux nuances qui distinguent un livre de la vraie littérature (en supposant bien sûr que l'on considère la littérature comme étant de l'art, et l'art comme la création d'une réalité plus utile que la simple représentation d'une réalité observable par tous lorsque l'on regarde attentivement)." + }, + "key": "115" + }, + { + "attributes": { + "blank": " ", + "id": "116", + "language": "fr", + "text_to_embed": "Ce livre, récompensé par des lycéens, pourrait être utilisé comme un outil d'apprentissage pour ces mêmes lycéens, afin de les familiariser avec les différents aspects qui séparent un livre de la véritable littérature (à condition bien sûr de définir la littérature comme un art et l'art comme un moyen de créer une réalité encore plus pertinente que la simple description de ce qui est visible à tous quand on ouvre les yeux)." + }, + "key": "116" + }, + { + "attributes": { + "blank": " ", + "id": "117", + "language": "fr", + "text_to_embed": "Ce livre, médaillé par des lycéens, pourrait être employé comme un exercice afin de sensibiliser ces mêmes lycéens aux nuances qui différencient un livre de la vraie littérature (si l'on considère bien sûr que la littérature est un art et que l'art est la création d'une réalité plus précieuse que la simple description d'une réalité visible de tous lorsque l'on a les yeux bien ouverts)." + }, + "key": "117" + }, + { + "attributes": { + "blank": " ", + "id": "118", + "language": "fr", + "text_to_embed": "Ayant reçu un prix attribué par des élèves du lycée, ce livre pourrait servir de ressource d'apprentissage pour ces mêmes élèves, dans le but de les initier aux nuances qui distinguent un livre de la véritable littérature (sous réserve bien sûr que l'on considère la littérature comme de l'art et l'art comme la création d'une réalité plus utile que la simple représentation d'une réalité visible de tous lorsque l'on est attentif)." + }, + "key": "118" + }, + { + "attributes": { + "blank": " ", + "id": "120", + "language": "fr", + "text_to_embed": "C'est en parcourant le catalogue des éditions Actes Sud que j'ai découvert Cosmétique du chaos de Camille Espedite. Cette novella, au titre évocateur et au pitch dérangeant, est présentée comme une fable poétique et agressive. Hasna, suite à son licenciement, doit accepter les opérations de chirurgie esthétique préconisées par sa conseillère de réinsertion dans l'emploi." + }, + "key": "120" + }, + { + "attributes": { + "blank": " ", + "id": "121", + "language": "fr", + "text_to_embed": "\"C'est en parcourant le catalogue des éditions Actes Sud que j'ai découvert Cosmétique du chaos de Camille Espedite! 😮 Cette novella, au titre évocateur et au pitch dérangeant, est présentée comme une fable poétique et agressive. Hasna, suite à son licenciement, doit accepter les opérations de chirurgie esthétique préconisées par sa conseillère de réinsertion dans l'emploi.\"" + }, + "key": "121" + }, + { + "attributes": { + "blank": " ", + "id": "122", + "language": "fr", + "text_to_embed": "\"C'est en parcourant le catalogue des éditions Actes Sud que j'ai découvert Cosmétique du chaos de Camille Espedite! 😍 Cette novella, au titre évocateur et au pitch dérangeant, est présentée comme une fable poétique et agressive 😉. Hasna, suite à son licenciement, doit accepter les opérations de chirurgie esthétique préconisées par sa conseillère de réinsertion dans l'emploi.\"" + }, + "key": "122" + }, + { + "attributes": { + "blank": " ", + "id": "123", + "language": "fr", + "text_to_embed": "\"C'est en parcourant le catalogue des éditions Actes Sud que j'ai découvert Cosmétique du chaos de Camille Espedite. Cette novella, au titre évocateur et au pitch dérangeant, est présentée comme une fable poétique et agressive... Hasna, suite à son licenciement, doit accepter les opérations de chirurgie esthétique préconisées par sa conseillère de réinsertion dans l'emploi!\"" + }, + "key": "123" + }, + { + "attributes": { + "blank": " ", + "id": "124", + "language": "fr", + "text_to_embed": "\"C'est en parcourant le catalogue des éditions Actes Sud que j'ai découvert Cosmétique du chaos de Camille Espedite! Cette novella, au titre évocateur et au pitch dérangeant, est présentée comme une fable poétique et agressive? Hasna, suite à son licenciement, doit accepter les opérations de chirurgie esthétique préconisées par sa conseillère de réinsertion dans l'emploi!\"" + }, + "key": "124" + }, + { + "attributes": { + "blank": " ", + "id": "125", + "language": "fr", + "text_to_embed": "\"C'est en parcourant le catalogue des éditions Actes Sud que j'ai découvert Cosmétique du chaos de Camille Espedite... Cette novella, au titre évocateur et au pitch dérangeant, est présentée comme une fable poétique et agressive 🤔. Hasna, suite à son licenciement, doit accepter les opérations de chirurgie esthétique préconisées par sa conseillère de réinsertion dans l'emploi.\"" + }, + "key": "125" + }, + { + "attributes": { + "blank": " ", + "id": "126", + "language": "fr", + "text_to_embed": "\"C'est en parcourant le catalogue des éditions Actes Sud que j'ai découvert Cosmétique du chaos de Camille Espedite! Cette novella, au titre évocateur et au pitch dérangeant, est présentée comme une fable poétique et agressive 😱. Hasna, suite à son licenciement, doit accepter les opérations de chirurgie esthétique préconisées par sa conseillère de réinsertion dans l'emploi.\"" + }, + "key": "126" + }, + { + "attributes": { + "blank": " ", + "id": "127", + "language": "fr", + "text_to_embed": "\"C'est en parcourant le catalogue des éditions Actes Sud que j'ai découvert Cosmétique du chaos de Camille Espedite... Cette novella, au titre évocateur et au pitch dérangeant, est présentée comme une fable poétique et agressive 📚💥. Hasna, suite à son licenciement, doit accepter les opérations de chirurgie esthétique préconisées par sa conseillère de réinsertion dans l'emploi.\"" + }, + "key": "127" + }, + { + "attributes": { + "blank": " ", + "id": "128", + "language": "fr", + "text_to_embed": "[Astuce du jour] C'est en parcourant le catalogue des éditions Actes Sud que j'ai découvert Cosmétique du chaos de Camille Espedite! Cette novella, au titre évocateur et au pitch dérangeant, est présentée comme une fable poétique et agressive 💫🔥. Hasna, suite à son licenciement, doit accepter les opérations de chirurgie esthétique préconisées par sa conseillère de réinsertion dans l'emploi." + }, + "key": "128" + }, + { + "attributes": { + "blank": " ", + "id": "130", + "language": "fr", + "text_to_embed": "Tellement de bien a été dit ici de l’ouvrage de Dennis Lehane… et j’ai été tellement conquise par « Shutter Island »… Alors que s’est-il passé ? Pourquoi n’ai-je pas été touchée par ce livre ? Est-ce que j’en attendais trop ? Vos critiques m’ont fait saliver et, au final, j’ai dû lutter à chaque page pour ne pas remiser l’ouvrage dans la bibliothèque, voire pire…" + }, + "key": "130" + }, + { + "attributes": { + "blank": " ", + "id": "131", + "language": "fr", + "text_to_embed": "Tellement de bien a été dit ici de l'ouvrage de Dennis Lehane... et j'ai été tellement conquise par \"Shutter Island\" ! 😍 Alors, que s'est-il passé ? Pourquoi n'ai-je pas été touchée par ce livre ? Est-ce que j'en attendais trop ? Vos critiques m'ont fait saliver et, au final, j'ai dû lutter à chaque page pour ne pas remiser l'ouvrage dans la bibliothèque, voire pire... 😔" + }, + "key": "131" + }, + { + "attributes": { + "blank": " ", + "id": "132", + "language": "fr", + "text_to_embed": "Tellement de bien a été dit ici de l'ouvrage de Dennis Lehane... et j'ai été tellement conquise par \"Shutter Island\" ! 💯 Alors, que s'est-il passé ? Pourquoi n'ai-je pas été touchée par ce livre ? Est-ce que j'en attendais trop ? Vos critiques m'ont fait saliver et, au final, j'ai dû lutter à chaque page pour ne pas remiser l'ouvrage dans la bibliothèque, voire pire..." + }, + "key": "132" + }, + { + "attributes": { + "blank": " ", + "id": "133", + "language": "fr", + "text_to_embed": "Tellement de bien a été dit ici de l'ouvrage de Dennis Lehane... et j'ai été tellement conquise par \"Shutter Island\" ! 😊 Alors, que s'est-il passé ? Pourquoi n'ai-je pas été touchée par ce livre ? Est-ce que j'en attendais trop ? Vos critiques m'ont fait saliver et, au final, j'ai dû lutter à chaque page pour ne pas remiser l'ouvrage dans la bibliothèque, voire pire ! 🙈" + }, + "key": "133" + }, + { + "attributes": { + "blank": " ", + "id": "134", + "language": "fr", + "text_to_embed": "Tellement de bien a été dit ici de l'ouvrage de Dennis Lehane... et j'ai été tellement conquise par \"Shutter Island\" ! WoW 😲 Alors, que s'est-il passé ? Pourquoi n'ai-je pas été touchée par ce livre ? Est-ce que j'en attendais trop ? Vos critiques m'ont fait saliver et, au final, j'ai dû lutter à chaque page pour ne pas remiser l'ouvrage dans la bibliothèque, voire pire..." + }, + "key": "134" + }, + { + "attributes": { + "blank": " ", + "id": "135", + "language": "fr", + "text_to_embed": "Tellement de bien a été dit ici de l'ouvrage de Dennis Lehane... et j'ai été tellement conquise par \"Shutter Island\" ! Yay 🎉 Alors, que s'est-il passé ? Pourquoi n'ai-je pas été touchée par ce livre ? Est-ce que j'en attendais trop ? Vos critiques m'ont fait saliver et, au final, j'ai dû lutter à chaque page pour ne pas remiser l'ouvrage dans la bibliothèque, voire pire..." + }, + "key": "135" + }, + { + "attributes": { + "blank": " ", + "id": "136", + "language": "fr", + "text_to_embed": "Tellement de bien a été dit ici de l'ouvrage de Dennis Lehane... et j'ai été tellement conquise par \"Shutter Island\" ! 😁 Alors, que s'est-il passé ? Pourquoi n'ai-je pas été touchée par ce livre ? Est-ce que j'en attendais trop ? Vos critiques m'ont fait saliver et, au final, j'ai dû lutter à chaque page pour ne pas remiser l'ouvrage dans la bibliothèque, voire pire?" + }, + "key": "136" + }, + { + "attributes": { + "blank": " ", + "id": "137", + "language": "fr", + "text_to_embed": "Tellement de bien a été dit ici de l'ouvrage de Dennis Lehane... et j'ai été tellement conquise par \"Shutter Island\" ! 💕 Alors, que s'est-il passé ? Pourquoi n'ai-je pas été touchée par ce livre ? Est-ce que j'en attendais trop ? Vos critiques m'ont fait saliver et, au final, j'ai dû lutter à chaque page pour ne pas remiser l'ouvrage dans la bibliothèque, voire pire..." + }, + "key": "137" + }, + { + "attributes": { + "blank": " ", + "id": "138", + "language": "fr", + "text_to_embed": "Tellement de bien a été dit ici de l'ouvrage de Dennis Lehane... et j'ai été tellement conquise par \"Shutter Island\" ! 📚 Alors, que s'est-il passé ? Pourquoi n'ai-je pas été touchée par ce livre ? Est-ce que j'en attendais trop ? Vos critiques m'ont fait saliver et, au final, j'ai dû lutter à chaque page pour ne pas remiser l'ouvrage dans la bibliothèque, voire pire..." + }, + "key": "138" + }, + { + "attributes": { + "blank": " ", + "id": "140", + "language": "fr", + "text_to_embed": "Depuis le succès démentiel de son Da Vinci Code, je m'attelle à lire les romans de Dan Brown, espérant chaque fois retrouver l'émoi du jeune lecteur que j'étais alors. D'ordinaire, je prends du plaisir, beaucoup, parce qu'on retrouve cette enquête haletante, teintée d'ésotérisme, de sécularisme, rempli de traîtres et de retournements de situation en veux-tu en voilà." + }, + "key": "140" + }, + { + "attributes": { + "blank": " ", + "id": "141", + "language": "fr", + "text_to_embed": "\"Depuis le succès démentiel de son #DaVinciCode, je m'attelle à lire les romans de Dan Brown, espérant chaque fois retrouver l'émoi du jeune lecteur que j'étais alors. D'ordinaire, je prends du #plaisir, beaucoup, parce qu'on retrouve cette enquête haletante, teintée d'ésotérisme, de sécularisme, rempli de traîtres et de retournements de situation en veux-tu en voilà.\"" + }, + "key": "141" + }, + { + "attributes": { + "blank": " ", + "id": "142", + "language": "fr", + "text_to_embed": "\"Depuis le succès démentiel de son Da Vinci Code, je m'attelle à lire les romans de Dan Brown, espérant chaque fois retrouver l'émoi du jeune lecteur que j'étais alors. D'ordinaire, je prends du plaisir, beaucoup 😊, parce qu'on retrouve cette enquête haletante, teintée d'ésotérisme, de sécularisme, rempli de traîtres et de retournements de situation en veux-tu en voilà.\"" + }, + "key": "142" + }, + { + "attributes": { + "blank": " ", + "id": "143", + "language": "fr", + "text_to_embed": "\"Depuis le succès démentiel de son Da Vinci Code, je m'attelle à lire les romans de Dan Brown, espérant chaque fois retrouver l'émoi du jeune lecteur que j'étais alors. D'ordinaire, je prends du plaisir, beaucoup, parce qu'on retrouve cette enquête haletante, teintée d'ésotérisme, de sécularisme, rempli de traîtres et de retournements de situation en veux-tu en voilà.\"" + }, + "key": "143" + }, + { + "attributes": { + "blank": " ", + "id": "144", + "language": "fr", + "text_to_embed": "\"Depuis le succès démentiel de son #BestSeller, je m'attelle à lire les romans de Dan Brown, espérant chaque fois retrouver l'émoi du jeune lecteur que j'étais alors. D'ordinaire, je prends du plaisir, beaucoup 📚, parce qu'on retrouve cette enquête haletante, teintée d'ésotérisme, de sécularisme, rempli de traîtres et de retournements de situation en veux-tu en voilà.\"" + }, + "key": "144" + }, + { + "attributes": { + "blank": " ", + "id": "145", + "language": "fr", + "text_to_embed": "\"Depuis le succès démentiel de son #DanBrown, je m'attelle à lire les romans de Dan Brown, espérant chaque fois retrouver l'émoi du jeune lecteur que j'étais alors. D'ordinaire, je prends du plaisir, beaucoup 😮, parce qu'on retrouve cette enquête haletante, teintée d'ésotérisme, de sécularisme, rempli de traîtres et de retournements de situation en veux-tu en voilà.\"" + }, + "key": "145" + }, + { + "attributes": { + "blank": " ", + "id": "146", + "language": "fr", + "text_to_embed": "\"Depuis le succès démentiel de son #DaVinciCode, je m'attelle à lire les romans de Dan Brown, espérant chaque fois retrouver l'émoi du jeune lecteur que j'étais alors. D'ordinaire, je prends du plaisir, beaucoup, parce qu'on retrouve cette enquête haletante, teintée d'ésotérisme, de sécularisme, rempli de traîtres et de retournements de situation en veux-tu en voilà.\"" + }, + "key": "146" + }, + { + "attributes": { + "blank": " ", + "id": "147", + "language": "fr", + "text_to_embed": "\"Depuis le succès démentiel de son Da Vinci Code, je m'attelle à lire les romans de Dan Brown, espérant chaque fois retrouver l'émoi du jeune lecteur que j'étais alors. D'ordinaire, je prends du plaisir, beaucoup 😃, parce qu'on retrouve cette enquête haletante, teintée d'ésotérisme, de sécularisme, rempli de traîtres et de retournements de situation en veux-tu en voilà.\"" + }, + "key": "147" + }, + { + "attributes": { + "blank": " ", + "id": "150", + "language": "fr", + "text_to_embed": "Cette couverture n'est-elle pas juste sublime ? C'est ce qui a fait que j'ai eu envie de me plonger dans ce livre. Ca, et le fait que la famille de mon mari est originaire de Pondichéry. Que de bonnes raisons donc ! Un grand merci aux Editions Presses de la Cité pour m'avoir permis cette découverte (et encore une fois, navrée d'avoir mis autant de temps pour rendre ce billet)." + }, + "key": "150" + }, + { + "attributes": { + "blank": " ", + "id": "151", + "language": "en", + "text_to_embed": "Isn't that cover just sublime? That's what made me want to dive into this book. That, and the fact that my husband's family is from Pondicherry. So all good reasons! A big thank you to Editions Presses de la Cité for allowing me to make this discovery (and once again, I'm sorry it's taken me so long to write this post)." + }, + "key": "151" + }, + { + "attributes": { + "blank": " ", + "id": "152", + "language": "de", + "text_to_embed": "Ist dieses Cover nicht einfach nur erhaben? Das hat mich dazu gebracht, mich in dieses Buch zu vertiefen. Das und die Tatsache, dass die Familie meines Mannes aus Pondicherry stammt. Lauter gute Gründe also! Vielen Dank an die Editions Presses de la Cité, die mir diese Entdeckung ermöglicht haben (und noch einmal Entschuldigung, dass es so lange gedauert hat, diesen Beitrag zu verfassen)." + }, + "key": "152" + }, + { + "attributes": { + "blank": " ", + "id": "153", + "language": "pt", + "text_to_embed": "A capa não é simplesmente sublime? Foi isso que me fez querer mergulhar neste livro. Isso, e o facto de a família do meu marido ser de Pondicherry. Portanto, tudo boas razões! Um grande obrigado à Editions Presses de la Cité por me ter permitido fazer esta descoberta (e, mais uma vez, peço desculpa por ter demorado tanto tempo a escrever este post)." + }, + "key": "153" + }, + { + "attributes": { + "blank": " ", + "id": "154", + "language": "zh", + "text_to_embed": "这个封面是不是很美?这就是让我想深入阅读这本书的原因。再加上我丈夫的家族来自朋迪榭里(Pondicherry)。这些都是很好的理由!非常感谢 Editions Presses de la Cité出版社让我有机会发现这本书(再次抱歉,我花了这么长时间才写完这篇文章)。" + }, + "key": "154" + }, + { + "attributes": { + "blank": " ", + "id": "155", + "language": "tr", + "text_to_embed": "Bu kapak muhteşem değil mi? Bu yüzden bu kitaba dalmak istedim. Bir de kocamın ailesinin Pondicherry'li olması. Yani hepsi iyi nedenler! Editions Presses de la Cité'ye bu keşfi yapmama izin verdiği için çok teşekkür ederim (ve bir kez daha bu yazıyı yazmamın bu kadar uzun sürdüğü için üzgünüm)." + }, + "key": "155" + }, + { + "attributes": { + "blank": " ", + "id": "156", + "language": "ru", + "text_to_embed": "Не правда ли, эта обложка просто возвышенна? Именно это заставило меня погрузиться в книгу. И еще тот факт, что семья моего мужа родом из Пондишери. В общем, все причины хороши! Большое спасибо издательству Editions Presses de la Cité за то, что позволили мне сделать это открытие (и еще раз извините, что я так долго не писала этот пост)." + }, + "key": "156" + }, + { + "attributes": { + "blank": " ", + "id": "158", + "language": "it", + "text_to_embed": "Non è sublime la copertina? È questo che mi ha fatto venire voglia di immergermi in questo libro. Questo e il fatto che la famiglia di mio marito è originaria di Pondicherry. Quindi tutte buone ragioni! Un grande ringraziamento a Editions Presses de la Cité per avermi permesso di fare questa scoperta (e ancora una volta, mi dispiace di averci messo così tanto a scrivere questo post)." + }, + "key": "158" + }, + { + "attributes": { + "blank": " ", + "id": "160", + "language": "fr", + "text_to_embed": "Je ne sais pas quoi penser de ce titre. J'ai eu beaucoup de mal avec tout le début du récit. Par contre, j'ai bien aimé les deux dernières parties. Il faut dire que l'auteure ne fait rien pour nous aider à rentrer dans le récit. On passe d'un point de vue à un autre sans aucune indication. De plus, les dialogues ne sont pas identifiables. Il y a un vrai manque de clarté avec ce texte qui a pourtant un vrai potentiel." + }, + "key": "160" + }, + { + "attributes": { + "blank": " ", + "id": "161", + "language": "en", + "text_to_embed": "I don't know what to make of this title. I really struggled with the whole beginning of the story. However, I really enjoyed the last two parts. It has to be said that the author does nothing to help us get into the story. We go from one point of view to another without any indication. What's more, the dialogue is not identifiable. There's a real lack of clarity in this text, which has real potential." + }, + "key": "161" + }, + { + "attributes": { + "blank": " ", + "id": "162", + "language": "de", + "text_to_embed": "Ich weiß nicht, was ich von diesem Titel halten soll. Ich hatte große Schwierigkeiten mit dem gesamten Anfang der Erzählung. Die letzten beiden Teile hingegen haben mir gut gefallen. Man muss sagen, dass die Autorin nichts tut, um uns zu helfen, in die Geschichte einzusteigen. Man wechselt von einer Perspektive zur anderen ohne jegliche Hinweise. Außerdem sind die Dialoge nicht erkennbar. Es gibt einen echten Mangel an Klarheit bei diesem Text, der doch ein echtes Potenzial hat." + }, + "key": "162" + }, + { + "attributes": { + "blank": " ", + "id": "163", + "language": "pt", + "text_to_embed": "Não sei o que fazer com este título. O início da história foi muito difícil para mim. No entanto, gostei muito das duas últimas partes. É preciso dizer que o autor não faz nada para nos ajudar a entrar na história. Passamos de um ponto de vista para outro sem qualquer indicação. Para além disso, o diálogo não é identificável. Há uma verdadeira falta de clareza neste texto, que tem muito potencial." + }, + "key": "163" + }, + { + "attributes": { + "blank": " ", + "id": "164", + "language": "zh", + "text_to_embed": "我不知道该如何看待这个标题。整个故事的开头让我很费劲。不过,我非常喜欢后两部分。不得不说,作者没有做任何事情来帮助我们进入故事。我们从一个视角转到另一个视角,却没有任何暗示。此外,对话也无法辨认。这篇具有很大潜力的文章确实缺乏清晰度。" + }, + "key": "164" + }, + { + "attributes": { + "blank": " ", + "id": "166", + "language": "ru", + "text_to_embed": "Я не знаю, что сказать об этом названии. Начало рассказа далось мне с большим трудом. Однако последние две части мне очень понравились. Надо сказать, что автор не делает ничего, чтобы помочь нам вникнуть в сюжет. Мы переходим от одной точки зрения к другой без всяких указаний. Более того, диалог не поддается идентификации. В этом тексте, имеющем реальный потенциал, не хватает ясности." + }, + "key": "166" + }, + { + "attributes": { + "blank": " ", + "id": "168", + "language": "it", + "text_to_embed": "Non so cosa pensare di questo titolo. Ho fatto davvero fatica con l'intero inizio della storia. Tuttavia, ho apprezzato molto le ultime due parti. Va detto che l'autore non fa nulla per aiutarci a entrare nella storia. Si passa da un punto di vista all'altro senza alcuna indicazione. Inoltre, i dialoghi non sono identificabili. C'è una vera mancanza di chiarezza in questo testo, che ha un vero potenziale." + }, + "key": "168" + }, + { + "attributes": { + "blank": " ", + "id": "170", + "language": "fr", + "text_to_embed": "Honnêtement, je ne comprends pas la hype autour de Vicious. Je n'ai commencé à l'apprécier que dans les derniers chapitres et encore, je reste sceptique. On ne change pas aussi facilement. Il est le toxic et psychopathe boy par excellence et dépasse selon moi Hardin. A plusieurs reprises il m'a donné envie de vomir. Il a peut-être des circonstances atténuantes mais ce ne sont que des explications, pas des excuses." + }, + "key": "170" + }, + { + "attributes": { + "blank": " ", + "id": "171", + "language": "en", + "text_to_embed": "Honestly, I don't understand the hype around Vicious. I only started to like him in the last few chapters and even then I'm still sceptical. People don't change that easily. He's the quintessential toxic, psychopathic boy and, in my opinion, is better than Hardin. On several occasions he made me want to vomit. He may have extenuating circumstances, but they're only explanations, not excuses." + }, + "key": "171" + }, + { + "attributes": { + "blank": " ", + "id": "172", + "language": "de", + "text_to_embed": "Ehrlich gesagt, verstehe ich den Hype um Vicious nicht. Ich habe erst in den letzten Kapiteln angefangen, ihn zu mögen, und selbst dann bin ich noch skeptisch. Man kann sich nicht so leicht ändern. Er ist der ultimative toxic und psychopathic boy und übertrifft meiner Meinung nach Hardin. Mehrmals hat er mich dazu gebracht, mich zu übergeben. Er mag mildernde Umstände haben, aber das sind nur Erklärungen, keine Entschuldigungen." + }, + "key": "172" + }, + { + "attributes": { + "blank": " ", + "id": "173", + "language": "pt", + "text_to_embed": "Sinceramente, não percebo o entusiasmo à volta do Vicious. Só comecei a gostar dele nos últimos capítulos e, mesmo assim, continuo cética. As pessoas não mudam assim tão facilmente. Ele é a quintessência do rapaz tóxico e psicopata e, na minha opinião, é melhor do que Hardin. Em várias ocasiões, deu-me vontade de vomitar. Ele pode ter circunstâncias atenuantes, mas são apenas explicações, não desculpas." + }, + "key": "173" + }, + { + "attributes": { + "blank": " ", + "id": "178", + "language": "it", + "text_to_embed": "Onestamente, non capisco il clamore suscitato da Vicious. Ha iniziato a piacermi solo negli ultimi capitoli e anche allora sono ancora scettica. Le persone non cambiano così facilmente. È la quintessenza del ragazzo tossico e psicopatico e, secondo me, è meglio di Hardin. In diverse occasioni mi ha fatto venire voglia di vomitare. Può avere delle attenuanti, ma sono solo spiegazioni, non scuse." + }, + "key": "178" + }, + { + "attributes": { + "blank": " ", + "id": "181", + "language": "fr", + "text_to_embed": "Maupassant a écrit le Horla, un petit conte fantastique qui plonge le lecteur dans l'histoire de son narrateur confronté à une présence surnaturelle venue de l'au-delà." + }, + "key": "181" + }, + { + "attributes": { + "blank": " ", + "id": "182", + "language": "fr", + "text_to_embed": "Le narrateur du Horla, dans ce petit conte immersif de Maupassant, est tourmenté par la présence inquiétante et incertaine d'une créature venant de l'au-delà." + }, + "key": "182" + }, + { + "attributes": { + "blank": " ", + "id": "183", + "language": "fr", + "text_to_embed": "Le récit enchanteur du Horla, écrit par Maupassant, transporte les lecteurs dans le voyage du narrateur qui lutte contre une force maléfique et surnaturelle." + }, + "key": "183" + }, + { + "attributes": { + "blank": " ", + "id": "184", + "language": "fr", + "text_to_embed": "Dans le conte fantastique Le Horla de Maupassant, le narrateur raconte de manière captivante son expérience avec une créature venue de l'au-delà, alimentant ainsi les fantasmagories de son esprit." + }, + "key": "184" + }, + { + "attributes": { + "blank": " ", + "id": "185", + "language": "fr", + "text_to_embed": "Le Horla est un petit conte fascinant de Maupassant où le narrateur relate avec une immersion exceptionnelle son combat contre une présence surnaturelle venu de l'au-delà." + }, + "key": "185" + }, + { + "attributes": { + "blank": " ", + "id": "186", + "language": "fr", + "text_to_embed": "Le petit conte fantastique Le Horla, écrit par Maupassant, nous emmène à travers les pensées torturées du narrateur face à une étrange et mystérieuse créature de l'au-delà." + }, + "key": "186" + }, + { + "attributes": { + "blank": " ", + "id": "187", + "language": "fr", + "text_to_embed": "Le Horla, un conte fantastique de Maupassant, nous plonge dans les pensées troublantes du narrateur qui est confronté à une présence surnaturelle de l'au-delà qui alimente son imagination." + }, + "key": "187" + }, + { + "attributes": { + "blank": " ", + "id": "188", + "language": "fr", + "text_to_embed": "Dans Le Horla, un conte fantastique captivant de Maupassant, le narrateur relate de manière immersive son voyage à travers des rencontres avec une créature surnaturelle venant de l'au-delà." + }, + "key": "188" + }, + { + "attributes": { + "blank": " ", + "id": "190", + "language": "fr", + "text_to_embed": "Cally est une adulte dont la vie (qui ne lui convenait pas du tout au demeurant) bascule soudainement : elle perds son boulot, découvre que son mari la trompe, se retrouve obligé de retourner vivre chez ses parents... une héroïne à la mode Bridgette Jones. Son franc parler, ses amis et un petit coup de coeur vont l'emmener dans un zoo où elle partagera sont temps entre un ane enfanté par satan et un putois odorant." + }, + "key": "190" + }, + { + "attributes": { + "blank": " ", + "id": "191", + "language": "fr", + "text_to_embed": "Cally est une adulte, dont la vie (qu'elle détestait au demeurant), bascule soudainement : elle perd son boulot, découvre que son mari la trompe, se retrouve obligée de retourner vivre chez ses parents... Une héroïne à la mode Bridget Jones. Son franc parler, ses amis et un petit coup de cœur vont l'emmener dans un zoo où elle partagera son temps entre un âne enfanté par Satan et un putois odorant." + }, + "key": "191" + }, + { + "attributes": { + "blank": " ", + "id": "192", + "language": "fr", + "text_to_embed": "Cally est une adulte dont la vie (qui ne lui convenait pas du tout au demeurant) bascule soudainement ; elle perds son boulot, découvre que son mari la trompe, se retrouve obligé de retourner vivre chez ses parents... Une héroïne à la mode Bridget Jones. Son franc parler, ses amis et un petit coup de coeur vont l'emmener dans un zoo où elle partagera sont temps entre un âne enfanté par Satan et un putois odorant." + }, + "key": "192" + }, + { + "attributes": { + "blank": " ", + "id": "193", + "language": "fr", + "text_to_embed": "Cally est une adulte dont la vie (qui ne lui convenait pas du tout au demeurant) bascule soudainement ; elle perds son boulot, découvre que son mari la trompe, se retrouve obligée de retourner vivre chez ses parents... Une héroïne à la mode Bridget Jones. Son franc parler, ses amis, et un petit coup de coeur vont l'emmener dans un zoo où elle partagera sont temps entre un âne enfanté par Satan et un putois odorant." + }, + "key": "193" + }, + { + "attributes": { + "blank": " ", + "id": "194", + "language": "fr", + "text_to_embed": "Cally est une adulte, dont la vie (qui ne lui convenait pas, du tout, au demeurant), bascule soudainement : elle perds son boulot, découvre que son mari la trompe, se retrouve obligé de retourner vivre chez ses parents... Une héroïne, à la mode Bridget Jones. Son franc parler, ses amis et un petit coup de coeur vont l'emmener dans un zoo où elle partagera sont temps entre un âne enfanté par Satan et un putois odorant." + }, + "key": "194" + }, + { + "attributes": { + "blank": " ", + "id": "195", + "language": "fr", + "text_to_embed": "Cally est une adulte dont la vie (qui ne lui convenait pas du tout au demeurant) bascule soudainement ; elle perds son boulot, découvre que son mari la trompe, se retrouve obligée de retourner vivre chez ses parents. Une héroïne à la mode Bridget Jones. Son franc parler, ses amis et un petit coup de coeur vont l'emmener dans un zoo où elle partagera son temps entre un âne enfanté par Satan et un putois odorant." + }, + "key": "195" + }, + { + "attributes": { + "blank": " ", + "id": "196", + "language": "fr", + "text_to_embed": "Cally est une adulte dont la vie (qui ne lui convenait pas du tout, au demeurant) bascule soudainement : elle perd son boulot, découvre que son mari la trompe, se retrouve obligée de retourner vivre chez ses parents... Une héroïne à la mode Bridget Jones. Son franc parler, ses amis et un petit coup de coeur vont l'emmener dans un zoo où elle partagera son temps entre un âne enfanté par Satan et un putois odorant." + }, + "key": "196" + }, + { + "attributes": { + "blank": " ", + "id": "197", + "language": "fr", + "text_to_embed": "Cally est une adulte dont la vie (qui ne lui convenait pas du tout au demeurant) bascule soudainement : elle perd son boulot, découvre que son mari la trompe, se retrouve obligée de retourner vivre chez ses parents... Une héroïne à la mode Bridget Jones. Son franc parler, ses amis et un petit coup de coeur vont l'emmener dans un zoo où elle partagera son temps entre un âne enfanté par Satan, et un putois odorant." + }, + "key": "197" + }, + { + "attributes": { + "blank": " ", + "id": "198", + "language": "fr", + "text_to_embed": "Cally est une adulte dont la vie (qui ne lui convenait pas du tout au demeurant) bascule soudainement : elle perd son boulot, découvre que son mari la trompe, se retrouve obligée de retourner vivre chez ses parents... Une héroïne à la mode Bridget Jones. Son franc parler, ses amis et un petit coup de coeur vont l'emmener dans un zoo où elle partagera son temps entre un âne enfanté par Satan et un putois, odorant." + }, + "key": "198" + }, + { + "attributes": { + "blank": " ", + "id": "200", + "language": "fr", + "text_to_embed": "Une grande, que dis-je une énorme déception à la lecture de cet ouvrage. Edith Vallée est considérée comme la pionnière dans le domaine de la recherche sur les personnes volontairement sans enfant, mais quel travail... ? Elle nous livre quelques portraits de femmes sans enfant avec un point de vue très subjectif et une analyse biblique du sujet... Un livre qui n'est pas vraiment intéressant. Je le déconseille..." + }, + "key": "200" + }, + { + "attributes": { + "blank": " ", + "id": "201", + "language": "fr", + "text_to_embed": "J'ai été profondément déçu en lisant ce livre, pour ne pas dire vraiment bouleversé. Edith Vallée est reconnue comme la première personne à explorer le domaine de la recherche sur les personnes qui ont choisi de ne pas avoir d'enfants, mais le résultat est loin d'être satisfaisant. Elle nous offre seulement quelques portraits de femmes sans enfant, qui sont très subjectifs et accompagnés d'une analyse biblique du sujet. En toute honnêteté, ce livre ne vaut pas vraiment la peine d'être lu. Je le déconseille vivement..." + }, + "key": "201" + }, + { + "attributes": { + "blank": " ", + "id": "202", + "language": "fr", + "text_to_embed": "La lecture de cet ouvrage a été une énorme déception, voire une véritable catastrophe. Edith Vallée est réputée pour être à l'avant-garde des recherches sur les personnes qui ont fait le choix d'être sans enfant, mais son travail est loin d'être à la hauteur de sa réputation. Malheureusement, elle ne nous propose que quelques portraits de femmes sans progéniture, tous teintés d'un point de vue excessivement subjectif et alourdis d'une approche biblique du sujet. Ce livre manque réellement d'intérêt, je ne peux donc pas le recommander..." + }, + "key": "202" + }, + { + "attributes": { + "blank": " ", + "id": "203", + "language": "fr", + "text_to_embed": "Je suis extrêmement déçu après avoir terminé la lecture de ce livre. Edith Vallée est considérée comme la pionnière dans la recherche sur les individus qui ont choisi de ne pas avoir d'enfants, mais son travail laisse à désirer. Elle offre seulement quelques portraits de femmes sans enfant, avec une perspective très subjective et une analyse basée sur la Bible du sujet. Ce livre est loin d'être intéressant et je le déconseille vivement..." + }, + "key": "203" + }, + { + "attributes": { + "blank": " ", + "id": "204", + "language": "fr", + "text_to_embed": "Cet ouvrage m'a profondément déçu, pour ne pas dire qu'il m'a laissé sur ma faim. Edith Vallée est généralement reconnue comme une figure phare de la recherche sur les personnes qui ne veulent pas d'enfants, mais son travail laisse à désirer. Elle ne nous présente que quelques portraits de femmes sans enfant, avec un point de vue très subjectif et une analyse biblique du sujet. Honnêtement, ce livre est loin d'être captivant. Je vous recommande de passer votre chemin..." + }, + "key": "204" + }, + { + "attributes": { + "blank": " ", + "id": "205", + "language": "fr", + "text_to_embed": "La lecture de ce livre a été une véritable désillusion, voire une déception monumentale. Edith Vallée est considérée comme la pionnière des recherches sur les individus sans enfants volontaires, mais on est en droit de se demander ce que vaut réellement son travail... Elle présente quelques portraits de femmes sans enfant avec un point de vue extrêmement subjectif et une analyse biblique du sujet... Ce livre n'a pas grand intérêt. Je vous le déconseille vivement..." + }, + "key": "205" + }, + { + "attributes": { + "blank": " ", + "id": "206", + "language": "fr", + "text_to_embed": "Après avoir terminé ce livre, je suis profondément déçu, voire choqué. Edith Vallée est reconnue comme la pionnière de la recherche sur les personnes qui choisissent délibérément de ne pas avoir d'enfants, mais quel travail... ? Elle nous présente quelques portraits de femmes sans enfant avec un point de vue excessivement subjectif et une approche biblique du sujet... Ce livre est peu intéressant, voire insignifiant. Je vous déconseille de le lire..." + }, + "key": "206" + }, + { + "attributes": { + "blank": " ", + "id": "207", + "language": "fr", + "text_to_embed": "Cette lecture a été une immense déception, voire une véritable tragédie. Edith Vallée est considérée comme la précurseure dans le domaine de la recherche sur les personnes qui décident de ne pas avoir d'enfants, mais quel est réellement le résultat de son travail... ? Elle nous présente seulement quelques portraits de femmes sans enfant, tous teintés d'un point de vue très subjectif et agrémentés d'une analyse biblique du sujet... Ce livre n'est guère intéressant. Je le déconseille vivement..." + }, + "key": "207" + }, + { + "attributes": { + "blank": " ", + "id": "208", + "language": "fr", + "text_to_embed": "J'ai été profondément déçu en lisant cet ouvrage, pour ne pas dire que j'ai été carrément trompé. Edith Vallée est considérée comme la pionnière dans le domaine de la recherche sur les personnes volontairement sans enfant, mais quel travail... ? Elle nous livre quelques portraits de femmes sans enfant avec un point de vue très subjectif et une analyse biblique du sujet... Ce livre ne présente pas réellement d'intérêt. Je le déconseille formellement..." + }, + "key": "208" + }, + { + "attributes": { + "blank": " ", + "id": "210", + "language": "fr", + "text_to_embed": "L'auteur dit lui-même - page 51 'Faire court' - qu'il fait des livres courts et que ses lecteurs lui en veulent car ils n'en n'ont pas pour leur argent. Se sera sans doute le cas de ce livre de 165 pages dont certaines sont pratiquement vides et ce pour la somme de 18,90 euros. Cela fait cher la page ! le contenu - excepté quelques chapitres dont 'La locomotive à vapeur' est assez creux et personnellement j'étais assez impatient d'en finir." + }, + "key": "210" + }, + { + "attributes": { + "blank": " ", + "id": "211", + "language": "fr", + "text_to_embed": "L'auteur admet, dans son livre à la page 51 intitulée 'Faire court', que ses ouvrages sont courts et que ses lecteurs se plaignent de ne pas en avoir assez pour leur argent. Cela semble être le cas pour ce livre de 165 pages, dont certaines sont quasiment vides, vendu au prix de 18,90 euros. C'est assez cher pour une page ! Mis à part certains chapitres, comme 'La locomotive à vapeur', le contenu est plutôt vide et personnellement, j'étais impatient de le finir." + }, + "key": "211" + }, + { + "attributes": { + "blank": " ", + "id": "212", + "language": "fr", + "text_to_embed": "Sur la page 51 de son livre 'Faire court', l'auteur admet lui-même que ses ouvrages sont courts et que les lecteurs en demandent plus car ils ne se sentent pas satisfaits du rapport qualité-prix. C'est exactement ce qui se passe avec ce livre de 165 pages, dont certaines sont vides, vendues à 18,90 euros. Cela revient cher pour chaque page ! Hormis quelques chapitres, notamment 'La locomotive à vapeur', le contenu est assez creux et je me languissais de le finir." + }, + "key": "212" + }, + { + "attributes": { + "blank": " ", + "id": "213", + "language": "fr", + "text_to_embed": "Dans la page 51 de son livre 'Faire court', l'auteur reconnaît que ses ouvrages sont courts et que ses lecteurs lui reprochent de ne pas en avoir assez pour leur argent. Cet argument s'applique également à ce livre de 165 pages, comprenant des pages quasiment vides, vendu à 18,90 euros. Cela revient cher pour chaque page ! À part quelques chapitres tels que 'La locomotive à vapeur', le contenu est plutôt creux et, personnellement, j'attendais avec impatience la fin." + }, + "key": "213" + }, + { + "attributes": { + "blank": " ", + "id": "214", + "language": "fr", + "text_to_embed": "'Faire court' - c'est ainsi que l'auteur se qualifie lui-même à la page 51 de son livre - est l'expression qu'il utilise pour décrire ses livres courts et la frustration de ses lecteurs qui pensent ne pas en avoir assez pour leur argent. Cette problématique est d'ailleurs applicable à ce livre de 165 pages, comprenant des pages presque vides, vendu à 18,90 euros. Le prix par page est assez élevé ! Excepté quelques chapitres, notamment 'La locomotive à vapeur', le contenu est assez faible et, pour ma part, j'étais impatient d'en finir." + }, + "key": "214" + }, + { + "attributes": { + "blank": " ", + "id": "215", + "language": "fr", + "text_to_embed": "Dans son livre, à la page 51 intitulée 'Faire court', l'auteur mentionne que ses ouvrages sont courts et suscitent la colère de ses lecteurs qui pensent ne pas en avoir assez pour leur argent. Ce constat s'applique également à ce livre de 165 pages, contenant certaines pages quasiment vides, vendu à 18,90 euros. Le prix par page est élevé ! À l'exception de quelques chapitres, comme celui sur 'La locomotive à vapeur', le contenu est plutôt creux et, personnellement, j'étais pressé d'en terminer la lecture." + }, + "key": "215" + }, + { + "attributes": { + "blank": " ", + "id": "216", + "language": "fr", + "text_to_embed": "Sur la page 51 de son livre 'Faire court', l'auteur admet que ses ouvrages sont courts et que ses lecteurs lui en veulent car ils ne se sentent pas satisfaits de leur achat. Il en va de même pour ce livre de 165 pages, avec certaines pages quasiment vides, vendu à 18,90 euros. Cela fait cher pour chaque page ! Hormis quelques chapitres, comme 'La locomotive à vapeur', le contenu est plutôt superficiel et personnellement, j'étais impatient de le terminer." + }, + "key": "216" + }, + { + "attributes": { + "blank": " ", + "id": "217", + "language": "fr", + "text_to_embed": "L'auteur lui-même mentionne dans son livre, à la page 51 intitulée 'Faire court', que ses livres sont courts et que ses lecteurs lui en veulent car ils n'obtiennent pas suffisamment pour leur argent. C'est définitivement le cas pour ce livre de 165 pages, avec certaines pages quasiment vides, vendu au prix de 18,90 euros. Cela fait cher pour une page ! Excepté quelques chapitres, notamment 'La locomotive à vapeur', le contenu est assez creux et personnellement, je me languissais de le terminer." + }, + "key": "217" + }, + { + "attributes": { + "blank": " ", + "id": "218", + "language": "fr", + "text_to_embed": "Sur la page 51 de son livre 'Faire court', l'auteur souligne lui-même le fait que ses ouvrages sont courts et que ses lecteurs lui reprochent de ne pas en avoir pour leur argent. C'est exactement ce qui se passe avec ce livre de 165 pages, comprenant des pages pratiquement vides, vendu à 18,90 euros. Cela revient cher pour chaque page ! À part quelques chapitres, tels que 'La locomotive à vapeur', le contenu est assez vide et, personnellement, j'étais impatient d'en terminer la lecture." + }, + "key": "218" + }, + { + "attributes": { + "blank": " ", + "id": "220", + "language": "fr", + "text_to_embed": "Grosse déception car habituellement j’adore les romans de cet auteur. Mais cette fois, ça ne l’a pas fait. Autant la plume est toujours aussi fluide à lire, les chapitres sont courts, donc on dévore facilement cent pages d’un coup, autant je n’ai pas cru un instant à ce qu’on me racontait. J’ai trouvé que tout s’enchaînait trop facilement, que la romance installée n’était pas crédible, bref je n’ai malheureusement pas adhéré." + }, + "key": "220" + }, + { + "attributes": { + "blank": " ", + "id": "221", + "language": "en", + "text_to_embed": "Big disappointment because I usually love this author's novels. But this time I didn't. The writing is as fluid as ever and the chapters are short, so it's easy to devour a hundred pages in one go, but I didn't believe for a moment what I was being told. I found that everything flowed too easily, that the romance wasn't believable, in short, I just didn't buy it." + }, + "key": "221" + }, + { + "attributes": { + "blank": " ", + "id": "222", + "language": "de", + "text_to_embed": "Große Enttäuschung, denn normalerweise liebe ich die Romane dieses Autors. Aber dieses Mal war es nicht so. Der Schreibstil ist immer noch sehr flüssig zu lesen, die Kapitel sind kurz, so dass man leicht hundert Seiten auf einmal verschlingen kann, aber ich habe nicht einen Moment an das geglaubt, was mir erzählt wurde. Ich fand, dass sich alles zu leicht aneinander reihte, dass die Romanze nicht glaubwürdig war, kurzum, ich war nicht begeistert." + }, + "key": "222" + }, + { + "attributes": { + "blank": " ", + "id": "223", + "language": "pt", + "text_to_embed": "Grande desilusão porque normalmente adoro os romances desta autora. Mas desta vez não gostei. A escrita é fluida como sempre e os capítulos são curtos, por isso é fácil devorar cem páginas de uma só vez, mas não acreditei nem por um momento no que me estava a ser contado. Achei que tudo fluía demasiado facilmente, que o romance não era credível, em suma, não acreditei." + }, + "key": "223" + }, + { + "attributes": { + "blank": " ", + "id": "224", + "language": "zh", + "text_to_embed": "大失所望,因为我通常很喜欢这位作家的小说。但这次我不喜欢。她的文笔一如既往地流畅,章节也很短,所以很容易一口气读完一百多页。我觉得一切都太简单了,爱情也不真实,总之,我就是不买账。" + }, + "key": "224" + }, + { + "attributes": { + "blank": " ", + "id": "225", + "language": "tr", + "text_to_embed": "Büyük hayal kırıklığı çünkü bu yazarın romanlarını genelde severim. Ama bu sefer sevemedim. Yazım her zamanki gibi akıcı ve bölümler kısa, bu yüzden bir seferde yüz sayfayı yutmak kolay, ama bana anlatılanlara bir an bile inanmadım. Her şeyin çok kolay akıp gittiğini, romantizmin inandırıcı olmadığını, kısacası kitaba inanmadığımı fark ettim." + }, + "key": "225" + }, + { + "attributes": { + "blank": " ", + "id": "226", + "language": "ru", + "text_to_embed": "Большое разочарование, потому что обычно мне нравятся романы этого автора. Но в этот раз я не поверил. Автор пишет как всегда плавно, главы короткие, поэтому легко проглотить сотню страниц за один раз, но я ни на секунду не поверила в то, что мне рассказывают. Мне показалось, что все течет слишком легко, что романтика неправдоподобна, короче говоря, я просто не поверила." + }, + "key": "226" + }, + { + "attributes": { + "blank": " ", + "id": "227", + "language": "ja", + "text_to_embed": "いつもはこの作家の小説が大好きだったので、大きな失望だった。しかし今回はそうではなかった。文章は相変わらず流麗で、章が短いので、100ページを一気に読み切るのは簡単だが、私は自分が聞かされたことを一瞬たりとも信じられなかった。すべてがあっさりと流れすぎ、ロマンスも信じられない。" + }, + "key": "227" + }, + { + "attributes": { + "blank": " ", + "id": "228", + "language": "it", + "text_to_embed": "Una grande delusione perché di solito amo i romanzi di questa autrice. Ma questa volta non è stato così. La scrittura è fluida come sempre e i capitoli sono brevi, quindi è facile divorare un centinaio di pagine in un colpo solo, ma non ho creduto per un attimo a quello che mi veniva raccontato. Trovo che tutto scorra troppo facilmente, che la storia d'amore non sia credibile, insomma, non me la sono bevuta." + }, + "key": "228" + }, + { + "attributes": { + "blank": " ", + "id": "230", + "language": "fr", + "text_to_embed": "La sauvegarde et la préservation de la nature est une noble cause largement partagée aujourd'hui. L'expérience d'immersion totale telle que Geoffroy Delorme, marginal écolo, la présente est assez admirable et sidérante. Son message écologique est louable et on ne peut qu'acquiescer, même aux banalités parfois déclarées dans son propos, jusqu'à la naïveté ..." + }, + "key": "230" + }, + { + "attributes": { + "blank": " ", + "id": "231", + "language": "fr", + "text_to_embed": "La cause noble de sauvegarde et préservation de la nature est largement partagée de nos jours, et la présentation immersive de Geoffroy Delorme, un marginal écolo, est remarquable et stupefiante." + }, + "key": "231" + }, + { + "attributes": { + "blank": " ", + "id": "232", + "language": "fr", + "text_to_embed": "De nos jours, la préservation et la sauvegarde de la nature sont très valorisées, et l'approche immersive de Geoffroy Delorme, un marginal écolo, est à la fois admirable et époustouflante." + }, + "key": "232" + }, + { + "attributes": { + "blank": " ", + "id": "233", + "language": "fr", + "text_to_embed": "L'engagement en faveur de la protection et de la préservation de la nature est une cause noble qui trouve un large consensus aujourd'hui. La manière dont Geoffroy Delorme, un marginal écolo, la présente est tout simplement fascinante et impressionnante." + }, + "key": "233" + }, + { + "attributes": { + "blank": " ", + "id": "234", + "language": "fr", + "text_to_embed": "Actuellement, la sauvegarde et la préservation de la nature sont considérées comme une cause noble et largement partagée. L'approche immersive présentée par Geoffroy Delorme, un marginal écolo, est à la fois admirable et stupéfiante." + }, + "key": "234" + }, + { + "attributes": { + "blank": " ", + "id": "235", + "language": "fr", + "text_to_embed": "La sauvegarde et la préservation de la nature sont aujourd'hui une cause noble et très répandue. La manière dont Geoffroy Delorme, marginal écolo, la met en avant est à la fois impressionnante et admirable." + }, + "key": "235" + }, + { + "attributes": { + "blank": " ", + "id": "236", + "language": "fr", + "text_to_embed": "De nos jours, la sauvegarde et la préservation de la nature sont perçues comme une cause noble qui trouve un large soutien. L'expérience immersive présentée par Geoffroy Delorme, un marginal écolo, est à la fois remarquable et stupéfiante." + }, + "key": "236" + }, + { + "attributes": { + "blank": " ", + "id": "237", + "language": "fr", + "text_to_embed": "Il est largement reconnu aujourd'hui que la sauvegarde et la préservation de la nature sont une cause noble. La manière dont Geoffroy Delorme, marginal écolo, présente cette cause est admirable et incroyable." + }, + "key": "237" + }, + { + "attributes": { + "blank": " ", + "id": "238", + "language": "fr", + "text_to_embed": "Aujourd'hui, la préservation et la sauvegarde de la nature sont des causes nobles qui sont largement soutenues. La présentation immersive de Geoffroy Delorme, un marginal écolo, est incroyablement admirable." + }, + "key": "238" + }, + { + "attributes": { + "blank": " ", + "id": "240", + "language": "fr", + "text_to_embed": "Très grosse déception après avoir vu les notes attribuées à ce roman. J'aurais dû m'intéresser à l'auteur avant d'entamer la lecture : romancière issue de blog... Très peu pour moi. Pourtant, je dois avouer que cette histoire sans intérêt, à l'eau de rose, peut faire du bien à certaines personnes déprimées, car elle déborde de clichés et de bons sentiments." + }, + "key": "240" + }, + { + "attributes": { + "blank": " ", + "id": "241", + "language": "fr", + "text_to_embed": "Très grosse déception après avoir vu les notes attribuées à ce roman. J'aurais dû m'intéresser à l'auteur avant d'entamer la lecture ; romancière issue de blog... Très peu pour moi. Pourtant, je dois avouer que cette histoire sans intérêt, à l'eau de rose, peut faire du bien à certaines personnes déprimées, car elle déborde de clichés et de bons sentiments." + }, + "key": "241" + }, + { + "attributes": { + "blank": " ", + "id": "242", + "language": "fr", + "text_to_embed": "Très grosse déception après avoir vu les notes attribuées à ce roman. J'aurais dû m'intéresser à l'auteur avant d'entamer la lecture ; romancière issue de blog... Très peu pour moi. Pourtant, je dois avouer que cette histoire sans intérêt, à l'eau de rose, peut faire du bien à certaines personnes déprimées, car elle est déborde de clichés et de bons sentiments." + }, + "key": "242" + }, + { + "attributes": { + "blank": " ", + "id": "243", + "language": "fr", + "text_to_embed": "Très grosse déception après avoir vu les notes attribuées à ce roman. J'aurais dû m'intéresser à l'auteur avant d'entamer la lecture ; romancière issue de blog... Très peu pour moi. Pourtant, je dois avouer que cette histoire sans intérêt, à l'eau de rose, peut faire du bien à certaines personnes, car elle déborde de clichés et de bons sentiments." + }, + "key": "243" + }, + { + "attributes": { + "blank": " ", + "id": "244", + "language": "fr", + "text_to_embed": "Très grosse déception après avoir vu les notes attribuées à ce roman. J'aurais dû m'intéresser à l'auteur avant d'entamer la lecture ; romancière issue de blog... Très peu pour moi. Pourtant, je dois avouer que cette histoire sans intérêt, à l'eau de rose, peut faire du bien à certaines personnes déprimées, car elle déborde de clichés et de bons sentiments !" + }, + "key": "244" + }, + { + "attributes": { + "blank": " ", + "id": "245", + "language": "fr", + "text_to_embed": "Très grosse déception après avoir vu les notes attribuées à ce roman. J'aurais dû m'intéresser à l'auteur avant d'entamer la lecture ; romancière issue de blog... Très peu pour moi. Pourtant, je dois avouer que cette histoire sans intérêt, légère comme de l'eau de rose, peut faire du bien à certaines personnes déprimées, car elle déborde de clichés et de bons sentiments." + }, + "key": "245" + }, + { + "attributes": { + "blank": " ", + "id": "246", + "language": "fr", + "text_to_embed": "Très grosse déception après avoir vu les notes attribuées à ce roman. J'aurais dû m'intéresser à l'auteur avant d'entamer la lecture ; romancière issue de blog... Très peu pour moi. Pourtant, je dois avouer que cette histoire sans intérêt, à l'eau de rose, peut vraiment faire du bien à certaines personnes déprimées, car elle déborde de clichés et de bons sentiments." + }, + "key": "246" + }, + { + "attributes": { + "blank": " ", + "id": "247", + "language": "fr", + "text_to_embed": "Très grosse déception après avoir vu les notes attribuées à ce roman. J'aurais dû vraiment m'intéresser à l'auteur avant d'entamer la lecture ; romancière issue de blog... Très peu pour moi. Pourtant, je dois avouer que cette histoire sans intérêt, à l'eau de rose, peut vraiment faire du bien à certaines personnes déprimées, car elle déborde de clichés et de bons sentiments." + }, + "key": "247" + }, + { + "attributes": { + "blank": " ", + "id": "248", + "language": "fr", + "text_to_embed": "Très grosse déception après avoir vu les notes attribuées à ce roman. J'aurais dû vraiment m'intéresser à l'auteur avant d'entamer la lecture ; romancière issue de blog... Très peu pour moi. Pourtant, je dois avouer que cette histoire sans intérêt, à l'eau de rose, peut vraiment faire du bien à certaines personnes, car elle déborde vraiment de clichés et de bons sentiments." + }, + "key": "248" + }, + { + "attributes": { + "blank": " ", + "id": "250", + "language": "fr", + "text_to_embed": "Si un tentacule passe a proximité de Sixella il finira systématiquement dans un orifice. La tenue de Sixella est outrageusement absurde montrant fesses et seins de façon gratuite et permanente. Aucune suggestion, aucune émotion, aucune augmentation graduelle de l'érotisme, tout est direct, tout est montré, rien n'est excitant. Les très courts dialogues n'apportent pas grand chose. Je suis probablement passé à côté de la symbolique. Décevant." + }, + "key": "250" + }, + { + "attributes": { + "blank": " ", + "id": "251", + "language": "fr", + "text_to_embed": "Si aucun tentacule passe à proximité de Sixella il finira systématiquement dans un orifice. La tenue de Sixella est outrageusement absurde, montrant fesses et seins de façon gratuite et permanente. Aucune suggestion, aucune émotion, aucune augmentation graduelle de l'érotisme, tout est direct, tout est montré, rien n'est excitant. Les très courts dialogues n'apportent pas grand chose. Je suis probablement passé à côté de la symbolique. Décevant!" + }, + "key": "251" + }, + { + "attributes": { + "blank": " ", + "id": "252", + "language": "fr", + "text_to_embed": "Si un tentacule passe à proximité de Sixella il finira systématiquement dans un orifice. La tenue de Sixella est outrageusement absurde, montrant fesses et seins de façon gratuite et permanente. Aucune suggestion, aucune émotion, aucune augmentation graduelle de l'érotisme, tout est direct, tout est montré, rien n'est excitant. Les très courts dialogues n'apportent pas grand chose, je suis probablement passé à côté de la symbolique. Décevant!" + }, + "key": "252" + }, + { + "attributes": { + "blank": " ", + "id": "253", + "language": "fr", + "text_to_embed": "Si un tentacule passe à proximité de Sixella, il finira systématiquement dans un orifice. La tenue de Sixella est outrageusement absurde, montrant fesses et seins de façon gratuite et permanente. Aucune suggestion, aucune émotion, aucune augmentation graduelle de l'érotisme, tout est direct, tout est montré, rien n'est excitant. Les très courts dialogues n'apportent pas grand chose. Je suis probablement passé à côté de la symbolique, décevant!" + }, + "key": "253" + }, + { + "attributes": { + "blank": " ", + "id": "254", + "language": "fr", + "text_to_embed": "Si un tentacule passe à proximité de Sixella, il finira systématiquement dans un orifice. La tenue de Sixella est outrageusement absurde, montrant fesses et seins de façon gratuite et permanente. Aucune suggestion, aucune émotion, aucune augmentation graduelle de l'érotisme, tout est direct, tout est montré. Rien n'est excitant. Les très courts dialogues n'apportent pas grand chose. Je suis probablement passé à côté de la symbolique. Décevant!" + }, + "key": "254" + }, + { + "attributes": { + "blank": " ", + "id": "255", + "language": "fr", + "text_to_embed": "Si un tentacule passe à proximité de Sixella, il finira systématiquement dans un orifice. La tenue de Sixella est outrageusement absurde, montrant fesses et seins de façon gratuite et permanente. Aucune suggestion, aucune émotion, aucune augmentation graduelle de l'érotisme, tout est direct, tout est montré, rien n'est excitant. Les courts dialogues n'apportent pas grand chose. Je suis probablement passé à côté de la symbolique. Décevant!" + }, + "key": "255" + }, + { + "attributes": { + "blank": " ", + "id": "256", + "language": "fr", + "text_to_embed": "Si un tentacule passe à proximité de Sixella, il finira systématiquement dans un orifice. La tenue de Sixella est outrageusement absurde, montrant fesses et seins de façon gratuite et permanente. Aucune suggestion, aucune émotion, aucune augmentation graduelle de l'érotisme, tout est direct, tout est montré, rien n'est excitant. Les dialogues n'apportent pas grand chose. Je suis probablement passé à côté de la symbolique. Décevant!" + }, + "key": "256" + }, + { + "attributes": { + "blank": " ", + "id": "257", + "language": "fr", + "text_to_embed": "Si un tentacule passe à proximité de Sixella, il finira sûrement dans un orifice. La tenue de Sixella est outrageusement absurde, montrant fesses et seins de façon gratuite et permanente. Aucune suggestion, aucune émotion, aucune augmentation graduelle de l'érotisme, tout est direct, tout est montré, rien n'est excitant. Les dialogues n'apportent pas grand chose. Je suis probablement passé à côté de la symbolique. Décevant!" + }, + "key": "257" + }, + { + "attributes": { + "blank": " ", + "id": "258", + "language": "fr", + "text_to_embed": "Si un tentacule passe à proximité de Sixella, il finira sûrement dans un orifice. La tenue de Sixella est outrageusement absurde, montrant fesses et seins de façon gratuite et permanente. Aucune suggestion, aucune émotion, aucune augmentation graduelle de l'érotisme, tout est direct, tout est clairement montré, rien n'est excitant. Les dialogues n'apportent pas grand chose. Je suis probablement passé à côté de la symbolique. Décevant!" + }, + "key": "258" + }, + { + "attributes": { + "blank": " ", + "id": "260", + "language": "fr", + "text_to_embed": "Cet album pourrait être sous-titré \"histoire vraie d'un espion en plein camp\". C'est surtout cet aspect qui a ici retenu mon attention car je ne connaissais pas cette histoire de Witold Pilecki qui a volontairement intégré le camp d'Auschwitz pour passer des rapports aux autorités polonaises. Audace folle, voire suicidaire ? Peut-être l'homme ne se doutait-il tout simplement pas de ce dans quoi il mettait les pieds." + }, + "key": "260" + }, + { + "attributes": { + "blank": " ", + "id": "261", + "language": "fr", + "text_to_embed": "Cet album pourrait être sous-titré \"histoire vraie d'un espion en plein #camp\". C'est surtout cet aspect qui a ici retenu mon attention car je ne connaissais pas cette histoire de Witold Pilecki qui a volontairement intégré le camp #d'Auschwitz pour passer des rapports aux autorités polonaises. Audace folle, voire #suicidaire ? Peut-être l'homme ne se doutait-il tout simplement pas de ce dans quoi il mettait les pieds. 🔍" + }, + "key": "261" + }, + { + "attributes": { + "blank": " ", + "id": "262", + "language": "fr", + "text_to_embed": "Cet album pourrait être sous-titré \"histoire vraie d'un #espion en plein camp\". C'est surtout cet aspect qui a ici retenu mon attention car je ne connaissais pas cette histoire de Witold Pilecki qui a volontairement intégré le camp d'Auschwitz pour passer des rapports aux autorités polonaises. Audace folle, voire #suicidaire ? Peut-être l'homme ne se doutait-il tout simplement pas de ce dans quoi il mettait les pieds. 🌍" + }, + "key": "262" + }, + { + "attributes": { + "blank": " ", + "id": "263", + "language": "fr", + "text_to_embed": "Cet album pourrait être sous-titré \"histoire vraie d'un espion en plein camp\". C'est surtout cet aspect qui a ici retenu mon attention car je ne connaissais pas cette histoire de #WitoldPilecki qui a volontairement intégré le camp d'Auschwitz pour passer des rapports aux autorités polonaises. Audace folle, voire suicidaire ? Peut-être l'homme ne se doutait-il tout simplement pas de ce dans quoi il mettait les pieds. 📚" + }, + "key": "263" + }, + { + "attributes": { + "blank": " ", + "id": "264", + "language": "fr", + "text_to_embed": "Cet album pourrait être sous-titré \"histoire vraie d'un espion en plein #camp\". C'est surtout cet aspect qui a ici retenu mon attention car je ne connaissais pas cette histoire de Witold Pilecki qui a volontairement intégré le camp d'Auschwitz pour passer des rapports aux autorités polonaises. #Audace folle, voire suicidaire ? Peut-être l'homme ne se doutait-il tout simplement pas de ce dans quoi il mettait les pieds. 😮" + }, + "key": "264" + }, + { + "attributes": { + "blank": " ", + "id": "265", + "language": "fr", + "text_to_embed": "Cet album pourrait être sous-titré \"histoire vraie d'un espion en plein camp\". C'est surtout cet aspect qui a ici retenu mon attention car je ne connaissais pas cette histoire de Witold Pilecki qui a volontairement intégré le #camp d'Auschwitz pour passer des rapports aux autorités polonaises. #Audace folle, voire #suicidaire ? Peut-être l'homme ne se doutait-il tout simplement pas de ce dans quoi il mettait les pieds. 🌟" + }, + "key": "265" + }, + { + "attributes": { + "blank": " ", + "id": "266", + "language": "fr", + "text_to_embed": "Cet album pourrait être sous-titré \"histoire vraie d'un espion en plein camp\". C'est surtout cet aspect qui a ici retenu mon attention car je ne connaissais pas cette histoire de Witold Pilecki qui a volontairement intégré le camp d'Auschwitz pour passer des rapports aux #autorités polonaises. Audace folle, voire suicidaire ? Peut-être l'homme ne se doutait-il tout simplement pas de ce dans quoi il mettait les pieds. 💣" + }, + "key": "266" + }, + { + "attributes": { + "blank": " ", + "id": "267", + "language": "fr", + "text_to_embed": "Cet album pourrait être sous-titré \"histoire vraie d'un espion en plein camp\". C'est surtout cet aspect qui a ici retenu mon attention car je ne connaissais pas cette histoire de Witold Pilecki qui a volontairement intégré le #camp d'#Auschwitz pour passer des rapports aux autorités polonaises. Audace folle, voire suicidaire ? Peut-être l'homme ne se doutait-il tout simplement pas de ce dans quoi il mettait les pieds. 😮" + }, + "key": "267" + }, + { + "attributes": { + "blank": " ", + "id": "268", + "language": "fr", + "text_to_embed": "Cet album pourrait être sous-titré \"histoire vraie d'un espion en plein camp\". C'est surtout cet aspect qui a ici retenu mon attention car je ne connaissais pas cette histoire de Witold Pilecki qui a volontairement intégré le camp d'Auschwitz pour passer des rapports aux #autorités polonaises. Audace folle, voire suicidaire ? Peut-être l'homme ne se doutait-il tout simplement pas de ce dans quoi il mettait les pieds. ⚠️" + }, + "key": "268" + }, + { + "attributes": { + "blank": " ", + "id": "270", + "language": "fr", + "text_to_embed": "Je suis restée totalement en dehors de cette enquête confuse, pesante, embrouillée et peu crédible. L'intrigue est complexe, construite à partir de flashbacks qui loin d'éclairer, alourdissent l'histoire. Les personnages sont très nombreux, pas attachants. J'ai eu vraiment l'impression de perdre mon temps et je regrette vraiment de ne pas avoir fermé ce livre avant la fin." + }, + "key": "270" + }, + { + "attributes": { + "blank": " ", + "id": "272", + "language": "fr", + "text_to_embed": "Tout au long de cette enquête confuse, pesante, embrouillée et peu crédible, j'ai résisté à m'y impliquer. Je suis restée à l'écart." + }, + "key": "272" + }, + { + "attributes": { + "blank": " ", + "id": "274", + "language": "fr", + "text_to_embed": "L'intrigue complexe de cette enquête, construite à partir de flashbacks qui n'éclairent en rien, a alourdi l'histoire. Les nombreux personnages n'étaient pas attachants. J'ai sincèrement eu l'impression de perdre mon temps et je regrette vraiment de ne pas avoir fermé ce livre plus tôt." + }, + "key": "274" + }, + { + "attributes": { + "blank": " ", + "id": "275", + "language": "fr", + "text_to_embed": "Je me suis maintenue complètement à l'écart de cette enquête confuse, pesante, embrouillée et peu crédible. L'intrigue complexe, basée sur des flashbacks qui n'éclairent rien du tout, n'a fait qu'alourdir l'histoire. Les personnages nombreux étaient loin d'être attachants. J'ai sincèrement l'impression d'avoir gaspillé mon temps et je regrette vraiment de ne pas avoir fermé ce livre avant de l'avoir terminé." + }, + "key": "275" + }, + { + "attributes": { + "blank": " ", + "id": "276", + "language": "fr", + "text_to_embed": "Durant cette enquête confuse, pesante, embrouillée et peu crédible, je suis restée totalement en dehors. L'intrigue complexe construite autour de flashbacks qui n'ont fait qu'alourdir l'histoire n'a pas réussi à éclairer quoi que ce soit. Quant aux nombreux personnages, ils étaient loin d'être attachants. J'ai vraiment l'impression d'avoir perdu mon temps et je regrette sincèrement de ne pas avoir fermé ce livre plus tôt." + }, + "key": "276" + }, + { + "attributes": { + "blank": " ", + "id": "277", + "language": "fr", + "text_to_embed": "Je me suis tenue à distance de cette enquête confuse, pesante, embrouillée et peu crédible. L'histoire, complexe à cause de ses flashbacks qui au lieu d'éclairer, ont rendu l'intrigue encore plus complexe, n'était pas accrocheuse. Les personnages en grand nombre ne m'ont pas touchée. J'ai sincèrement l'impression d'avoir gaspillé mon temps et je regrette réellement de ne pas avoir refermé ce livre avant la fin." + }, + "key": "277" + }, + { + "attributes": { + "blank": " ", + "id": "278", + "language": "fr", + "text_to_embed": "Pendant toute cette enquête confuse, pesante, embrouillée et peu crédible, j'ai préféré rester totalement en dehors. L'intrigue, construite à partir de flashbacks qui n'apportent aucune clarté, a lourdement pesé sur l'histoire. Les personnages nombreux n'étaient pas attachants. J'ai vraiment eu l'impression de perdre mon temps et je regrette réellement de ne pas avoir refermé ce livre plus tôt." + }, + "key": "278" + }, + { + "attributes": { + "blank": " ", + "id": "280", + "language": "fr", + "text_to_embed": "affreux. cortéggianni et blanc Dumont s emmêles les crayons, ont se croirait chez tartine au far West, même les tuniques bleus est plus vraisemblable, blueberry traverse tout les states du nord au sud voir jusqu'au Mexique sans changer de chemise, habiller en cow boy de cirque, plus rien a voir avec la bio de Charlier l année 1864 est interminable( au moins dix albums ) la pire reprise qu il existe en bd a mettre au pilon d urgence" + }, + "key": "280" + }, + { + "attributes": { + "blank": " ", + "id": "281", + "language": "fr", + "text_to_embed": "\"affreux cortéggianni et blanc Dumont s'eṃmêles les crayons, ont se croirait chez tartine au far West 😱, même les tuniques bleus est plus vraisemblable 😂, blueberry traverse tout les states du nord au sud voir jusqu'au Mexique 💪 sans changer de chemise, habiller en cow boy de cirque 👀, plus rien a voir avec la bio de Charlier‼ l'année 1864 est interminable (au moins dix albums) la pire reprise qu'il existe 🙅‍♀️ en bd a mettre au pilon d'urgence!\"" + }, + "key": "281" + }, + { + "attributes": { + "blank": " ", + "id": "282", + "language": "fr", + "text_to_embed": "\"affreux! cortéggianni et blanc Dumont s'eṃmêles les crayons. Ont se croirait chez tartine au far West, même les tuniques bleus est plus vraisemblable. Blueberry traverse tout les states du nord au sud voir jusqu'au Mexique sans changer de chemise, habiller en cow boy de cirque. Plus rien a voir avec la bio de Charlier. L'année 1864 est interminable (au moins dix albums) la pire reprise qu'il existe en bd a mettre au pilon d'urgence!\"" + }, + "key": "282" + }, + { + "attributes": { + "blank": " ", + "id": "283", + "language": "fr", + "text_to_embed": "\"affreux cortéggianni et blanc Dumont s'eṃmêles les crayons, ont se croirait chez tartine au far West!! même les tuniques bleus est plus vraisemblable... blueberry traverse tout les states du nord au sud voir jusqu'au Mexique sans changer de chemise, habiller en cow boy de cirque. Plus rien a voir avec la bio de Charlier! l'année 1864 est interminable (au moins dix albums) la pire reprise qu'il existe en bd a mettre au pilon d'urgence.\"" + }, + "key": "283" + }, + { + "attributes": { + "blank": " ", + "id": "284", + "language": "fr", + "text_to_embed": "\"affreux; cortéggianni et blanc Dumont s'eṃmêles les crayons, ont se croirait chez tartine au far West... même les tuniques bleus est plus vraisemblable! blueberry traverse tout les states du nord au sud voir jusqu'au Mexique sans changer de chemise, habiller en cow boy de cirque. Plus rien a voir avec la bio de Charlier - l'année 1864 est interminable (au moins dix albums) la pire reprise qu'il existe en bd a mettre au pilon d'urgence.\"" + }, + "key": "284" + }, + { + "attributes": { + "blank": " ", + "id": "285", + "language": "fr", + "text_to_embed": "\"affreux! cortéggianni et blanc Dumont s'eṃmêles les crayons, ont se croirait chez tartine au far West. Même les tuniques bleus est plus vraisemblable 👀. Blueberry traverse tout les states du nord au sud voir jusqu'au Mexique sans changer de chemise 🤠, habiller en cow boy de cirque. Plus rien a voir avec la bio de Charlier! L'année 1864 est interminable (au moins dix albums) la pire reprise qu'il existe en bd a mettre au pilon d'urgence 😡!\"" + }, + "key": "285" + }, + { + "attributes": { + "blank": " ", + "id": "286", + "language": "fr", + "text_to_embed": "\"affreux, cortéggianni et blanc Dumont s'eṃmêles les crayons, ont se croirait chez tartine au far West. Même les tuniques bleus est plus vraisemblable... Blueberry traverse tout les states du nord au sud voir jusqu'au Mexique sans changer de chemise, habiller en cow boy de cirque. Plus rien a voir avec la bio de Charlier! L'année 1864 est interminable (au moins dix albums) la pire reprise qu'il existe en bd. A mettre au pilon d'urgence!!\"" + }, + "key": "286" + }, + { + "attributes": { + "blank": " ", + "id": "287", + "language": "fr", + "text_to_embed": "\"affreux! cortéggianni et blanc Dumont s'eṃmêles les crayons, ont se croirait chez tartine au far West. Même les tuniques bleus est plus vraisemblable... Blueberry traverse tout les states du nord au sud voir jusqu'au Mexique sans changer de chemise! Habiller en cow boy de cirque. Plus rien a voir avec la bio de Charlier. L'année 1864 est interminable (au moins dix albums) la pire reprise qu'il existe en bd!! A mettre au pilon d'urgence.\"" + }, + "key": "287" + }, + { + "attributes": { + "blank": " ", + "id": "288", + "language": "fr", + "text_to_embed": "\"affreux... cortéggianni et blanc Dumont s'eṃmêles les crayons, ont se croirait chez tartine au far West! Même les tuniques bleus est plus vraisemblable. Blueberry traverse tout les states du nord au sud voir jusqu'au Mexique sans changer de chemise. Habiller en cow boy de cirque! Plus rien a voir avec la bio de Charlier. L'année 1864 est interminable (au moins dix albums), la pire reprise qu'il existe en bd a mettre au pilon d'urgence?\"" + }, + "key": "288" + }, + { + "attributes": { + "blank": " ", + "id": "290", + "language": "fr", + "text_to_embed": "L’histoire est intéressante et mérite d’être racontée. Par contre, elle est racontée d’une façon inutile.Le livre commence par les mobiles des 3 femmes à tuer leur mari. Ensuite vient la façon dont celles ci tuent le mari de l’autre etc. Il n’y a pas de réel recherche sur la personnalité des personnages et tout le chemin qui les amène à vouloir tuer leurs maris. L’histoire mériterait 300-400 pages de plus donc pourquoi se limiter à 140?" + }, + "key": "290" + }, + { + "attributes": { + "blank": " ", + "id": "291", + "language": "fr", + "text_to_embed": "L’histoire est intéressante et mérite d’être racontée. Par contre, elle est racontée d’une façon superficielle. Le livre commence par les mobiles des 3 femmes à tuer leur mari. Ensuite vient la façon dont celles-ci tuent le mari de l’autre, etc. Cependant, il n’y a pas de réelle recherche sur la personnalité des personnages et tout le chemin qui les amène à vouloir tuer leurs maris." + }, + "key": "291" + }, + { + "attributes": { + "blank": " ", + "id": "292", + "language": "fr", + "text_to_embed": "L’histoire est intéressante et mérite d’être racontée. Toutefois, elle est racontée d’une façon inutile. Le livre commence par les mobiles des 3 femmes à tuer leur mari. Ensuite vient la façon dont celles-ci tuent le mari de l’autre, etc. Il n’y a pas de réelle recherche sur la personnalité des personnages et tout le chemin qui les amène à vouloir tuer leurs maris. Curieusement, l’histoire mériterait 300-400 pages de plus donc pourquoi se limiter à 140?" + }, + "key": "292" + }, + { + "attributes": { + "blank": " ", + "id": "293", + "language": "fr", + "text_to_embed": "L’histoire initiale est intéressante et mérite d’être racontée. Par contre, elle est racontée d’une façon inutile. Le livre commence par les mobiles des 3 femmes à tuer leur mari. Ensuite vient la façon dont celles-ci tuent le mari de l’autre, etc. Il n’y a pas de réelle recherche sur la personnalité des personnages et tout le chemin qui les amène à vouloir tuer leurs maris. L’histoire mériterait 300 pages de plus donc pourquoi se limiter à 140?" + }, + "key": "293" + }, + { + "attributes": { + "blank": " ", + "id": "294", + "language": "fr", + "text_to_embed": "L’histoire est intéressante et mérite d’être racontée. Par contre, elle est racontée d’une façon inutile. Le livre commence par les mobiles des 3 femmes à tuer leur mari. Ensuite vient la façon dont celles-ci tuent le mari de l’autre, etc. Néanmoins, il n’y a pas de réelle recherche sur la personnalité des personnages et tout le chemin qui les amène à vouloir tuer leurs maris. Apparemment, l’histoire mériterait 300-400 pages de plus donc pourquoi se limiter à 140?" + }, + "key": "294" + }, + { + "attributes": { + "blank": " ", + "id": "295", + "language": "fr", + "text_to_embed": "Mise à jour en direct: L’histoire est intéressante et mérite d’être racontée. Par contre, elle est racontée d’une façon lente. Le livre commence par les mobiles des 3 femmes à tuer leur mari. Ensuite vient la façon dont celles-ci tuent le mari de l’autre, etc. Il n’y a pas de réelle recherche sur la personnalité des personnages et tout le chemin qui les amène à vouloir tuer leurs maris. L’histoire mériterait bien plus de pages donc pourquoi se limiter à 140?" + }, + "key": "295" + }, + { + "attributes": { + "blank": " ", + "id": "296", + "language": "fr", + "text_to_embed": "L’histoire est intéressante et mérite d’être racontée. Toutefois, elle est racontée d’une façon inutile. Le livre commence par les mobiles des 3 femmes à tuer leur mari. Ensuite vient la façon dont celles-ci tuent le mari de l’autre, etc. Il n’y a pas de réelle recherche sur la personnalité des personnages et tout le chemin qui les amène à vouloir tuer leurs maris ; l’histoire mériterait 300-400 pages de plus. Donc, pourquoi se limiter à 140?" + }, + "key": "296" + }, + { + "attributes": { + "blank": " ", + "id": "297", + "language": "fr", + "text_to_embed": "L’histoire est intéressante et mérite d’être racontée. Par contre, elle est racontée d’une façon peu originale. Le livre commence par les mobiles des 3 femmes à tuer leur mari. Ensuite vient la façon dont celles-ci tuent le mari de l’autre, etc. Il n’y a pas de réelle recherche sur la personnalité des personnages et tout le chemin qui les amène à vouloir tuer leurs maris : l’histoire mériterait 300-400 pages de plus, donc pourquoi se limiter à 140?" + }, + "key": "297" + }, + { + "attributes": { + "blank": " ", + "id": "298", + "language": "fr", + "text_to_embed": "L’histoire est intéressante et mérite d’être racontée. En revanche, elle est racontée d’une façon inefficace. Le livre commence par les mobiles des 3 femmes à tuer leur mari. Ensuite vient la façon dont celles-ci tuent le mari de l’autre, etc. Il n’y a pas de réelle recherche sur la personnalité des personnages et tout le chemin qui les amène à vouloir tuer leurs maris. L’histoire mériterait 300-400 pages de plus donc pourquoi se limiter à 140?" + }, + "key": "298" + }, + { + "attributes": { + "blank": " ", + "id": "300", + "language": "fr", + "text_to_embed": "Les aventures de l'auteur sont incroyables, pourtant celui-ci se perd à énumérer des noms d'oiseaux à la suite sans intérêt (et pourtant je suis ornithologue), entrecoupé de blagues peu drôles, et \"d'anecdotes\" autour de sa petite personne. Si les voyages ne doivent pas être faciles, il a une façon de se plaindre, et en même temps de se vanter qui sont fort désagréables." + }, + "key": "300" + }, + { + "attributes": { + "blank": " ", + "id": "301", + "language": "en", + "text_to_embed": "The author's adventures are incredible, yet he loses himself in listing bird names one after the other without interest (and yet I'm an ornithologist), interspersed with unfunny jokes and \"anecdotes\" about himself. If travelling can't be easy, he has a way of complaining, and at the same time boasting, that is very unpleasant." + }, + "key": "301" + }, + { + "attributes": { + "blank": " ", + "id": "302", + "language": "de", + "text_to_embed": "Die Abenteuer des Autors sind unglaublich, doch er verliert sich in der Aufzählung von uninteressanten Vogelnamen (und dabei bin ich Ornithologe), unterbrochen von unlustigen Witzen und \"Anekdoten\" rund um seine eigene Person. Wenn die Reisen nicht einfach sein sollen, hat er eine Art zu klagen und gleichzeitig zu prahlen, die höchst unangenehm sind." + }, + "key": "302" + }, + { + "attributes": { + "blank": " ", + "id": "303", + "language": "pt", + "text_to_embed": "As aventuras do autor são incríveis, mas ele perde-se a enumerar nomes de aves, uns atrás dos outros, sem interesse (e eu sou ornitólogo), intercalados com piadas sem graça e \"anedotas\" sobre si próprio. Se viajar não pode ser fácil, ele tem uma maneira de se queixar, e ao mesmo tempo de se gabar, que é muito desagradável." + }, + "key": "303" + }, + { + "attributes": { + "blank": " ", + "id": "304", + "language": "zh", + "text_to_embed": "作者的探险经历令人难以置信,然而他却毫无兴趣地罗列了一个又一个鸟名(然而我是鸟类学家),其间还穿插了一些不好笑的笑话和关于他自己的 \"轶事\"。如果旅行不容易,他就会抱怨,同时又自吹自擂,让人很不愉快。" + }, + "key": "304" + }, + { + "attributes": { + "blank": " ", + "id": "305", + "language": "tr", + "text_to_embed": "Yazarın maceraları inanılmaz, ancak kuş isimlerini birbiri ardına ilgisiz bir şekilde sıralarken kendini kaybediyor (ve yine de bir ornitologum), araya komik olmayan şakalar ve kendisi hakkında \"anekdotlar\" serpiştiriyor. Eğer seyahat etmek kolay değilse, bir yandan şikayet edip bir yandan da övünmek gibi hiç de hoş olmayan bir tarzı var." + }, + "key": "305" + }, + { + "attributes": { + "blank": " ", + "id": "306", + "language": "ru", + "text_to_embed": "Приключения автора невероятны, но при этом он теряется в перечислении названий птиц одно за другим без интереса (а я ведь орнитолог), перемежая их несмешными шутками и \"анекдотами\" о себе. Если путешествия не могут быть легкими, то у него есть манера жаловаться и одновременно хвастаться, что очень неприятно." + }, + "key": "306" + }, + { + "attributes": { + "blank": " ", + "id": "307", + "language": "ja", + "text_to_embed": "著者の冒険は信じられないようなものだが、鳥の名前を次から次へと興味もなく羅列し(私は鳥類学者なのに)、笑えないジョークや自分自身についての「逸話」を挟みながら、自分を見失う。旅が楽なものでないなら、彼は文句を言い、同時に自慢もする。" + }, + "key": "307" + }, + { + "attributes": { + "blank": " ", + "id": "308", + "language": "it", + "text_to_embed": "Le avventure dell'autore sono incredibili, eppure si perde a elencare nomi di uccelli uno dopo l'altro senza interesse (eppure sono un ornitologo), intervallati da battute poco divertenti e \"aneddoti\" su se stesso. Se viaggiare non può essere facile, lui ha un modo di lamentarsi, e allo stesso tempo di vantarsi, che è molto sgradevole." + }, + "key": "308" + }, + { + "attributes": { + "blank": " ", + "id": "315", + "language": "fr", + "text_to_embed": "S'il s'agit d'une autobiographie, l'auteure mérite tous nos éloges pour avoir su se forger une identité solide malgré tout cela." + }, + "key": "315" + }, + { + "attributes": { + "blank": " ", + "id": "320", + "language": "fr", + "text_to_embed": "C'est long et ennuyant. Un chef d'oeuvre selon beaucoup ? Aurait-il mal vieilli ? Dans tous les cas je n'ai rien ressenti à part de l'ennui à la lecture de ce livre. Seul la fin porte un intérêt. Tout le reste n'est que description, perte de repère dans un dédale de personnages et de scènes. Il a été difficile d'entrer dans le roman, de comprendre ce qu'il s'y passe sans être perdu après chaque page." + }, + "key": "320" + }, + { + "attributes": { + "blank": " ", + "id": "321", + "language": "fr", + "text_to_embed": "Ce livre est long et ennuyant, mais beaucoup le considèrent comme un chef-d'œuvre. Aurait-il mal vieilli ?" + }, + "key": "321" + }, + { + "attributes": { + "blank": " ", + "id": "322", + "language": "fr", + "text_to_embed": "Beaucoup le considèrent comme un chef-d'œuvre, mais est-ce que le temps aurait affecté sa valeur ? Pour ma part, je n'ai ressenti que de l'ennui en le lisant, à l'exception de la fin." + }, + "key": "322" + }, + { + "attributes": { + "blank": " ", + "id": "323", + "language": "fr", + "text_to_embed": "Les opinions diffèrent sur ce livre, certains le considèrent comme un chef-d'œuvre, mais est-ce qu'il a mal vieilli ? Personnellement, je n'ai rien ressenti à part de l'ennui en le lisant, à l'exception de la fin." + }, + "key": "323" + }, + { + "attributes": { + "blank": " ", + "id": "324", + "language": "fr", + "text_to_embed": "On dit que ce livre est long et ennuyant, mais certaines personnes le considèrent comme un chef-d'œuvre. Aurait-il mal vieilli ? Pour ma part, je n'ai rien ressenti à part de l'ennui pendant ma lecture, mis à part la fin." + }, + "key": "324" + }, + { + "attributes": { + "blank": " ", + "id": "325", + "language": "fr", + "text_to_embed": "Certains l'ont qualifié de chef-d'œuvre, mais je me demande si le temps aurait terni sa réputation. En tout cas, je n'ai ressenti qu'un profond ennui en le lisant, à moins de considérer la fin comme un point d'intérêt." + }, + "key": "325" + }, + { + "attributes": { + "blank": " ", + "id": "326", + "language": "fr", + "text_to_embed": "De nombreuses personnes considèrent ce livre comme un chef-d'œuvre, mais je me demande s'il a mal vieilli. En ce qui me concerne, je n'ai rien ressenti d'autre que de l'ennui tout au long de ma lecture, sauf pendant la fin qui a suscité mon intérêt." + }, + "key": "326" + }, + { + "attributes": { + "blank": " ", + "id": "328", + "language": "fr", + "text_to_embed": "Il est considéré comme un chef-d'œuvre par beaucoup de gens, mais serait-il dépassé par le temps ? Dans tous les cas, je n'ai rien ressenti à part de l'ennui en lisant ce livre, sauf pour la fin qui était intrigante." + }, + "key": "328" + }, + { + "attributes": { + "blank": " ", + "id": "330", + "language": "fr", + "text_to_embed": "Il y a des livres qui sont une souffrance, celui-ci en fait partie. Lecture obligatoire pour le cours de psychologie du développement de ma fac, la professeure étant l'une des autrices de ce livre. Déjà, le titre annonce la couleur \"le parent est aussi une personne\" mais enfin qui en doute ? Cette opposition un peu frontale du fameux \"l'enfant est une personne\" par \"et bah le parent aussi et toc !\" est un peu indigne." + }, + "key": "330" + }, + { + "attributes": { + "blank": " ", + "id": "331", + "language": "fr", + "text_to_embed": "Il y a des livres qui sont une souffrance. Celui-ci en fait partie! Lecture obligatoire pour le cours de psychologie du développement de ma fac. La professeure étant l'une des autrices de ce livre. Déjà, le titre annonce la couleur: \"Le parent est aussi une personne\", mais enfin, qui en doute? Cette opposition un peu frontale du fameux \"l'enfant est une personne\" par \"Et bah le parent aussi et toc!\" est un peu indigne." + }, + "key": "331" + }, + { + "attributes": { + "blank": " ", + "id": "332", + "language": "fr", + "text_to_embed": "🚨À ne pas manquer🚨 Il y a des livres qui sont une souffrance, celui-ci en fait partie! Lecture obligatoire pour le cours de psychologie du développement de ma fac: la professeure étant l'une des autrices de ce livre. Déjà, le titre annonce la couleur, \"Le parent est aussi une personne\", mais enfin, qui en doute? Cette opposition un peu frontale du fameux \"l'enfant est une personne\" par \"Et bah, le parent aussi et toc\" est un peu indigne!" + }, + "key": "332" + }, + { + "attributes": { + "blank": " ", + "id": "333", + "language": "fr", + "text_to_embed": "Il y a des livres qui sont une souffrance, celui-ci en fait partie! Lecture obligatoire pour le cours de #psychologie du développement de ma fac, la professeure étant l'une des autrices de ce livre. Déjà le titre annonce la couleur: \"Le parent est aussi une personne\", mais enfin, qui en doute? Cette opposition un peu frontale du fameux \"l'enfant est une personne\" par \"Et bah, le parent aussi et toc!\" est un peu indigne!" + }, + "key": "333" + }, + { + "attributes": { + "blank": " ", + "id": "334", + "language": "fr", + "text_to_embed": "\"Il y a des livres qui sont une souffrance. Celui-ci en fait partie.\" Lecture obligatoire pour le cours de #psychologie du développement de ma fac, la professeure étant l'une des autrices de ce livre. Déjà le titre annonce la couleur: \"Le parent est aussi une personne\", mais enfin, qui en doute? Cette opposition un peu frontale du fameux \"l'enfant est une personne\" par \"Et bah le parent aussi et toc!\" est un peu indigne." + }, + "key": "334" + }, + { + "attributes": { + "blank": " ", + "id": "335", + "language": "fr", + "text_to_embed": "Il y a des livres qui sont une souffrance, celui-ci en fait partie. Lecture obligatoire pour le cours de #psychologie du développement de ma fac. La professeure étant l'une des autrices de ce livre. Déjà, le titre annonce la couleur: \"Le parent est aussi une personne mais enfin, qui en doute?\" Cette opposition un peu frontale du fameux \"l'enfant est une personne\" par \"Et bah le parent aussi et toc!\" est un peu indigne!" + }, + "key": "335" + }, + { + "attributes": { + "blank": " ", + "id": "336", + "language": "fr", + "text_to_embed": "Il y a des livres qui sont une souffrance. Celui-ci en fait partie! Lecture obligatoire pour le cours de psychologie du développement de ma fac, la professeure étant l'une des autrices de ce livre. Déjà, le titre annonce la couleur: \"Le parent est aussi une personne mais enfin, qui en doute?\" Cette opposition un peu frontale du fameux \"l'enfant est une personne\" par \"Et bah le parent aussi et toc\" est un peu indigne!" + }, + "key": "336" + }, + { + "attributes": { + "blank": " ", + "id": "337", + "language": "fr", + "text_to_embed": "\"Il y a des livres qui sont une souffrance. Celui-ci en fait partie.\" Lecture obligatoire pour le cours de psychologie du développement de ma fac! La professeure étant l'une des autrices de ce livre. Déjà, le titre annonce la couleur: \"Le parent est aussi une personne\" mais enfin, qui en doute? Cette opposition un peu frontale du fameux \"l'enfant est une personne\" par \"Et bah le parent aussi et toc!\" est un peu indigne." + }, + "key": "337" + }, + { + "attributes": { + "blank": " ", + "id": "338", + "language": "fr", + "text_to_embed": "Il y a des livres qui sont une souffrance. Celui-ci en fait partie! Lecture obligatoire pour le cours de psychologie du développement de ma fac, la professeure étant l'une des autrices de ce livre. Déjà, le titre annonce la couleur: \"Le parent est aussi une personne\" mais enfin, qui en doute? Cette opposition un peu frontale du fameux \"l'enfant est une personne\" par \"Et bah le parent aussi et toc\" est un peu indigne!" + }, + "key": "338" + }, + { + "attributes": { + "blank": " ", + "id": "340", + "language": "fr", + "text_to_embed": "Je suis restée imperméable à la poésie de ce roman. Il y a des œuvres comme cela qui n'entrent jamais en harmonie avec notre sensibilité, c'est exactement ce qu'il s'est passé ici. Je n'ai rien compris, ni à l'histoire, ni à l'esthétique ni même où l'auteure voulait en venir. La lecture a été vraiment difficile. La grande fan des Beatles que je suis ressort sonnée !" + }, + "key": "340" + }, + { + "attributes": { + "blank": " ", + "id": "341", + "language": "fr", + "text_to_embed": "La poésie de ce roman ne m'a pas du tout touchée. Certaines œuvres ne parviennent jamais à s'accorder avec notre sensibilité, et c'est exactement ce qui s'est produit ici. Je n'ai rien saisi, que ce soit l'intrigue, l'esthétique ou même l'intention de l'auteure. La lecture a été extrêmement ardue. En tant que grande fan des Beatles, je suis sortie sonnée." + }, + "key": "341" + }, + { + "attributes": { + "blank": " ", + "id": "342", + "language": "fr", + "text_to_embed": "Rien dans la poésie de ce roman ne m'a émue. Il y a des œuvres qui restent en dehors de l'harmonie de notre sensibilité, et c'est exactement ce qui s'est produit ici. J'ai été totalement perdue, tant au niveau de l'histoire que de l'esthétique ou des intentions de l'auteure. La lecture a été incroyablement difficile. La fan des Beatles que je suis se sent perturbée !" + }, + "key": "342" + }, + { + "attributes": { + "blank": " ", + "id": "343", + "language": "fr", + "text_to_embed": "La poésie de ce roman ne m'a fait aucun effet. Il existe des œuvres qui ne se connectent jamais avec notre sensibilité, et c'est exactement ce qui s'est produit ici. Je n'ai rien compris, que ce soit l'histoire, l'esthétique ou même les intentions de l'auteure. La lecture a été véritablement pénible. En tant que grande fan des Beatles, je suis ressortie sonnée !" + }, + "key": "343" + }, + { + "attributes": { + "blank": " ", + "id": "344", + "language": "fr", + "text_to_embed": "Ce roman n'a pas réussi à éveiller en moi le moindre sentiment poétique. Certains ouvrages ne s'harmonisent jamais avec notre sensibilité, et cela fut exactement le cas ici. Je n'ai rien saisi, ni l'histoire, ni l'esthétique, ni même les intentions de l'auteure. La lecture a été extrêmement difficile. En tant que fervente adepte des Beatles, je suis ressortie sonnée !" + }, + "key": "344" + }, + { + "attributes": { + "blank": " ", + "id": "345", + "language": "fr", + "text_to_embed": "La beauté poétique de ce roman m'est restée totalement étrangère. Il y a des œuvres qui ne parviennent jamais à se connecter avec notre sensibilité, et c'est exactement ce qui s'est produit ici. Je n'ai rien compris, que ce soit la trame narrative, l'esthétique ou même les intentions de l'auteure. La lecture a été véritablement laborieuse. En tant que grande admiratrice des Beatles, je suis sortie sonnée !" + }, + "key": "345" + }, + { + "attributes": { + "blank": " ", + "id": "346", + "language": "fr", + "text_to_embed": "La poésie de ce roman n'a pas réussi à m'émouvoir. Il existe des œuvres qui ne parviennent jamais à être en harmonie avec notre sensibilité, et c'est exactement ce qui s'est passé ici. Je n'ai rien compris, ni l'histoire, ni l'esthétique, ni même les intentions de l'auteure. La lecture a été franchement difficile. En tant que grande fan des Beatles, je suis sortie sonnée !" + }, + "key": "346" + }, + { + "attributes": { + "blank": " ", + "id": "347", + "language": "fr", + "text_to_embed": "Ce roman n'a pas su éveiller en moi un brin d'émotion poétique. Il y a des œuvres qui restent en dehors de l'harmonie de notre sensibilité, et c'est exactement ce qui s'est déroulé ici. Je n'ai rien saisi, que ce soit l'intrigue, l'esthétique ou même les idées de l'auteure. La lecture a été réellement pénible. La fervente admiratrice des Beatles que je suis en est sortie sonnée !" + }, + "key": "347" + }, + { + "attributes": { + "blank": " ", + "id": "348", + "language": "fr", + "text_to_embed": "La poésie de ce roman m'est restée totalement imperceptible. Il y a des œuvres qui ne parviennent jamais à s'accorder avec notre sensibilité, et cela s'est exactement déroulé ici. Je n'ai rien compris, ni l'histoire, ni l'esthétique, ni même les intentions de l'auteure. La lecture a été vraiment difficile. En tant que grande aficionada des Beatles, je suis ressortie complètement déconcertée !" + }, + "key": "348" + }, + { + "attributes": { + "blank": " ", + "id": "350", + "language": "fr", + "text_to_embed": "Le livre nous raconte que c'est une fille qui est originaire de Moscou et elle est née en 1984 partie vivre aux Etats-Unis. Là bas on se moque de son accent . C'est une lycéenne. Elle est mal dans sa peau.Un jour elle tombe dans un puit et elle rencontre un fantôme. Elle passe un jour dans ce puit, puis le fantôme la suit. Le fantôme lui raconte comment elle est morte. Un jour, Anya découvre une vérité qui la rend furieuse." + }, + "key": "350" + }, + { + "attributes": { + "blank": " ", + "id": "351", + "language": "fr", + "text_to_embed": "\"Le livre nous raconte que c'est une fille fascinante qui est originaire de Moscou et elle est née en 1984, partie vivre aux Etats-Unis. Là bas, on se moque cruellement de son accent. C'est une lycéenne. Elle est mal dans sa peau. Un jour, elle tombe dans un puit et elle rencontre un fantôme. Elle passe un jour dans ce puit, puis le fantôme la suit. Le fantôme lui raconte comment elle est morte. Un jour, Anya découvre une vérité qui la rend furieuse.\" #livre #Moscou #EtatsUnis #accent #lycéenne #puit #fantôme #mort #vérité #fascinante" + }, + "key": "351" + }, + { + "attributes": { + "blank": " ", + "id": "352", + "language": "fr", + "text_to_embed": "\"Le livre nous raconte que c'est une fille qui est originaire de Moscou et elle est née en 1984, partie vivre aux Etats-Unis. Là bas, on se moque cruellement de son accent. C'est une lycéenne. Elle est mal dans sa peau. Un jour, elle tombe dans un puit et elle rencontre un fantôme effrayant. Elle passe un jour dans ce puit, puis le fantôme la suit. Le fantôme lui raconte comment elle est morte. Un jour, Anya découvre une vérité qui la rend furieuse.\" #livre #Moscou #EtatsUnis #accent #lycéenne #puit #fantôme #mort #vérité #effrayant" + }, + "key": "352" + }, + { + "attributes": { + "blank": " ", + "id": "353", + "language": "fr", + "text_to_embed": "Point de vue controversé: \"Le livre nous raconte que c'est une fille qui est originaire de Moscou et elle est née en 1984, partie vivre aux Etats-Unis. Là bas, on se moque cruellement de son accent. C'est une lycéenne. Elle est mal dans sa peau. Un jour, elle tombe dans un puit et elle rencontre un fantôme effrayant. Elle passe plusieurs jours dans ce puit, puis le fantôme la suit. Le fantôme lui raconte comment elle est morte. Un jour, Anya découvre une vérité qui la rend furieuse.\" #livre #Moscou #EtatsUnis #accent #lycéenne #puit #fantôme #mort #vérité #effrayant" + }, + "key": "353" + }, + { + "attributes": { + "blank": " ", + "id": "354", + "language": "fr", + "text_to_embed": "\"Le livre nous raconte que c'est une fille qui est originaire de Moscou et elle est née en 1984, partie vivre aux Etats-Unis. Là bas, on se moque cruellement de son accent. C'est une lycéenne. Elle est mal dans sa peau. Un jour, elle tombe dans un puit et elle rencontre un fantôme effrayant. Elle passe plusieurs jours dans ce puit, puis le fantôme la suit. Le fantôme lui raconte comment elle est morte tragiquement. Un jour, Anya découvre une vérité qui la rend furieuse.\" #livre #Moscou #EtatsUnis #accent #lycéenne #puit #fantôme #mort #vérité #effrayant #tragiquement" + }, + "key": "354" + }, + { + "attributes": { + "blank": " ", + "id": "355", + "language": "fr", + "text_to_embed": "\"Le livre nous raconte que c'est une fille qui est originaire de Moscou et elle est née en 1984, partie vivre aux Etats-Unis. Là bas, on se moque cruellement de son accent. C'est une talentueuse lycéenne. Elle est mal dans sa peau. Un jour, elle tombe dans un puit et elle rencontre un fantôme effrayant. Elle passe plusieurs jours dans ce puit, puis le fantôme la suit. Le fantôme lui raconte comment elle est morte tragiquement. Un jour, Anya découvre une vérité qui la rend furieuse.\" #livre #Moscou #EtatsUnis #accent #talentueuse #lycéenne #puit #fantôme #mort #vérité #effrayant #tragiquement" + }, + "key": "355" + }, + { + "attributes": { + "blank": " ", + "id": "356", + "language": "fr", + "text_to_embed": "\"Le livre nous raconte que c'est une fille courageuse qui est originaire de Moscou et elle est née en 1984, partie vivre aux Etats-Unis. Là bas, on se moque cruellement de son accent. C'est une talentueuse lycéenne. Elle est mal dans sa peau. Un jour, elle tombe dans un puit et elle rencontre un fantôme effrayant. Elle passe plusieurs jours dans ce puit, puis le fantôme la suit. Le fantôme lui raconte comment elle est morte tragiquement. Un jour, Anya découvre une vérité qui la rend furieuse.\" #livre #Moscou #EtatsUnis #accent #talentueuse #courageuse #lycéenne #puit #fantôme #mort #vérité #effrayant #tragiquement" + }, + "key": "356" + }, + { + "attributes": { + "blank": " ", + "id": "357", + "language": "fr", + "text_to_embed": "\"Le livre nous raconte que c'est une fille courageuse qui est originaire de Moscou et elle est née en 1984, partie vivre aux Etats-Unis. Là bas, on se moque cruellement de son accent. C'est une talentueuse lycéenne. Elle est mal à l'aise dans sa peau. Un jour, elle tombe dans un puit et elle rencontre un fantôme effrayant. Elle passe plusieurs jours dans ce puit, puis le fantôme la suit. Le fantôme lui raconte comment elle est morte tragiquement. Un jour, Anya découvre une vérité qui la rend furieuse.\" #livre #Moscou #EtatsUnis #accent #talentueuse #courageuse #lycéenne #puit #fantôme #mort #vérité #effrayant #tragiquement #malàl'aise" + }, + "key": "357" + }, + { + "attributes": { + "blank": " ", + "id": "358", + "language": "fr", + "text_to_embed": "\"Le livre nous raconte que c'est une fille courageuse qui est originaire de Moscou et elle est née en 1984, partie vivre aux Etats-Unis. Là bas, on se moque cruellement de son accent merveilleux. C'est une talentueuse lycéenne. Elle est mal à l'aise dans sa peau. Un jour, elle tombe dans un puit et elle rencontre un fantôme effrayant. Elle passe plusieurs jours dans ce puit, puis le fantôme la suit. Le fantôme lui raconte comment elle est morte tragiquement. Un jour, Anya découvre une vérité qui la rend furieuse.\" #livre #Moscou #EtatsUnis #accentmerveilleux #talentueuse #courageuse #lycéenne #puit #fantôme #mort #vérité #effrayant #tragiquement #malàl'aise" + }, + "key": "358" + }, + { + "attributes": { + "blank": " ", + "id": "360", + "language": "fr", + "text_to_embed": "Malheureusement, il y a trop de thématiques qui ne mènent nulle part (incendie, automates) pour que finalement la question de la transidentité ne soit vraiment abordée qu’à la fin (et encore, seulement effleurée) ce qui est dommage car il est important de sensibiliser les ados à cette thématique. Les personnages sont peu développés ce qui ne les rend pas particulièrement attachants. L'écriture est néanmoins belle, détaillée et poétique." + }, + "key": "360" + }, + { + "attributes": { + "blank": " ", + "id": "361", + "language": "fr", + "text_to_embed": "😔 Malheureusement, il y a trop de thématiques qui ne mènent nulle part (incendie, automates) pour que finalement la question de la transidentité ne soit vraiment abordée qu’à la fin (et encore, seulement effleurée) ce qui est dommage car il est important de sensibiliser les ados à cette thématique. Les personnages sont peu développés ce qui ne les rend pas particulièrement attachants. L'écriture est néanmoins belle, détaillée et poétique. 😕" + }, + "key": "361" + }, + { + "attributes": { + "blank": " ", + "id": "362", + "language": "fr", + "text_to_embed": "Malheureusement, il y a trop de thématiques qui ne mènent nulle part (incendie, automates) pour que finalement la question de la transidentité ne soit vraiment abordée qu’à la fin (et encore, seulement effleurée) ce qui est dommage car il est important de sensibiliser les ados à cette thématique! Les personnages sont peu développés ce qui ne les rend pas particulièrement attachants. L'écriture est néanmoins belle, détaillée et poétique..." + }, + "key": "362" + }, + { + "attributes": { + "blank": " ", + "id": "363", + "language": "fr", + "text_to_embed": "✨ Malheureusement, il y a trop de thématiques qui ne mènent nulle part (incendie, automates) pour que finalement la question de la transidentité ne soit vraiment abordée qu’à la fin (et encore, seulement effleurée) ce qui est dommage car il est important de sensibiliser les ados à cette thématique. Les personnages sont peu développés ce qui ne les rend pas particulièrement attachants! L'écriture est néanmoins belle, détaillée et poétique. ✍️" + }, + "key": "363" + }, + { + "attributes": { + "blank": " ", + "id": "364", + "language": "fr", + "text_to_embed": "🔥 Alert info 🔥 😞 Malheureusement, il y a trop de thématiques qui ne mènent nulle part (incendie, automates) pour que finalement la question de la transidentité ne soit vraiment abordée qu’à la fin (et encore, seulement effleurée). Ce qui est dommage car il est important de sensibiliser les ados à cette thématique. Les personnages sont peu développés, ce qui ne les rend pas particulièrement attachants. L'écriture est néanmoins belle, détaillée et poétique! 🌟" + }, + "key": "364" + }, + { + "attributes": { + "blank": " ", + "id": "365", + "language": "fr", + "text_to_embed": "😔😕 Malheureusement, il y a trop de thématiques qui ne mènent nulle part (incendie, automates) pour que finalement la question de la transidentité ne soit vraiment abordée qu’à la fin (et encore, seulement effleurée) ce qui est dommage, car il est important de sensibiliser les ados à cette thématique. Les personnages sont peu développés ce qui ne les rend pas particulièrement attachants❗️ L'écriture est néanmoins belle, détaillée et poétique. 💫" + }, + "key": "365" + }, + { + "attributes": { + "blank": " ", + "id": "366", + "language": "fr", + "text_to_embed": "Malheureusement! Il y a trop de thématiques qui ne mènent nulle part (incendie, automates) pour que finalement la question de la transidentité ne soit vraiment abordée qu’à la fin (et encore, seulement effleurée) ce qui est dommage, car il est important de sensibiliser les ados à cette thématique‼️ Les personnages sont peu développés, ce qui ne les rend pas particulièrement attachants. L'écriture est néanmoins belle, détaillée et poétique!💖" + }, + "key": "366" + }, + { + "attributes": { + "blank": " ", + "id": "367", + "language": "fr", + "text_to_embed": "Malheureusement, il y a trop de thématiques qui ne mènent nulle part (incendie, automates) pour que finalement la question de la transidentité ne soit vraiment abordée qu’à la fin (et encore, seulement effleurée) - ce qui est dommage car il est important de sensibiliser les ados à cette thématique... Les personnages sont peu développés, ce qui ne les rend pas particulièrement attachants. L'écriture est néanmoins belle, détaillée et poétique. 🌺" + }, + "key": "367" + }, + { + "attributes": { + "blank": " ", + "id": "368", + "language": "fr", + "text_to_embed": "😔 Malheureusement, il y a trop de thématiques qui ne mènent nulle part (incendie, automates) pour que finalement la question de la transidentité ne soit vraiment abordée qu’à la fin (et encore, seulement effleurée) ce qui est dommage car il est important de sensibiliser les ados à cette thématique‼️ Les personnages sont peu développés, ce qui ne les rend pas particulièrement attachants... L'écriture est néanmoins belle, détaillée et poétique! ✒️🌹" + }, + "key": "368" + }, + { + "attributes": { + "blank": " ", + "id": "370", + "language": "fr", + "text_to_embed": "Je lis peu de nouvelles mais ce qui est certain c'est que cette anthologie ne m’a pas du tout convaincue. J’ai peiné à arriver au bout et j’en ressors perplexe. J’attendais du fantastique, de l’épouvante, mais la plupart des nouvelles sont sans saveur et peu originales, je me suis ennuyée. Ma préférée est la dernière et la plus longue de John Ajvide Lindqvist (thèmes jeu de rôle et Lovecraft) et celle d’Edgar Allan Poe." + }, + "key": "370" + }, + { + "attributes": { + "blank": " ", + "id": "371", + "language": "en", + "text_to_embed": "I don't read many short stories, but this anthology certainly didn't convince me at all. I struggled to get to the end and came away perplexed. I was expecting fantasy and horror, but most of the stories were tasteless and unoriginal, and I was bored. My favourite is the last and longest by John Ajvide Lindqvist (role-playing and Lovecraft themes) and the one by Edgar Allan Poe." + }, + "key": "371" + }, + { + "attributes": { + "blank": " ", + "id": "372", + "language": "de", + "text_to_embed": "Ich lese nicht viele Kurzgeschichten, aber diese Anthologie hat mich ganz und gar nicht überzeugt. Ich hatte Mühe, bis zum Ende zu kommen und bin ratlos. Ich habe Fantasy und Grusel erwartet, aber die meisten Kurzgeschichten sind geschmacklos und wenig originell, ich habe mich gelangweilt. Mein Favorit ist die letzte und längste Kurzgeschichte von John Ajvide Lindqvist (Themen Rollenspiel und Lovecraft) und die von Edgar Allan Poe." + }, + "key": "372" + }, + { + "attributes": { + "blank": " ", + "id": "373", + "language": "pt", + "text_to_embed": "Não leio muitos contos, mas esta antologia não me convenceu de todo. Tive dificuldade em chegar ao fim e fiquei perplexa. Estava à espera de fantasia e de terror, mas a maior parte dos contos eram de mau gosto e pouco originais, e fiquei aborrecida. As minhas preferidas são a última e mais longa, de John Ajvide Lindqvist (temas de role-playing e Lovecraft) e a de Edgar Allan Poe." + }, + "key": "373" + }, + { + "attributes": { + "blank": " ", + "id": "375", + "language": "tr", + "text_to_embed": "Çok fazla kısa öykü okumam ama bu antoloji beni kesinlikle ikna etmedi. Sonuna kadar zorlandım ve kafam karıştı. Fantezi ve korku bekliyordum ama öykülerin çoğu tatsız ve orijinal değildi ve sıkıldım. Benim favorim John Ajvide Lindqvist'in son ve en uzun öyküsü (rol yapma ve Lovecraft temaları) ve Edgar Allan Poe'nunki." + }, + "key": "375" + }, + { + "attributes": { + "blank": " ", + "id": "376", + "language": "ru", + "text_to_embed": "Я не часто читаю короткие рассказы, но эта антология меня не убедила. Я с трудом дочитала до конца и осталась в недоумении. Я ожидал увидеть фэнтези и ужасы, но большинство рассказов оказались безвкусными и неоригинальными, и мне стало скучно. Больше всего мне понравились последний и самый длинный от John Ajvide Lindqvist (ролевые игры и лавкрафтовская тематика) и один от Эдгара Аллана По." + }, + "key": "376" + }, + { + "attributes": { + "blank": " ", + "id": "378", + "language": "it", + "text_to_embed": "Non leggo molti racconti, ma questa antologia non mi ha convinto. Ho faticato ad arrivare alla fine e sono rimasta perplessa. Mi aspettavo fantasy e horror, ma la maggior parte dei racconti erano insipidi e poco originali, e mi sono annoiata. I miei preferiti sono l'ultimo e il più lungo di John Ajvide Lindqvist (gioco di ruolo e temi di Lovecraft) e quello di Edgar Allan Poe." + }, + "key": "378" + }, + { + "attributes": { + "blank": " ", + "id": "380", + "language": "fr", + "text_to_embed": "J'ai acheté ce livre sur un coup de tête, en voyant la couverture et en lisant le résumé. Il m'avait l'air prometteur. Je me suis lancée sans avoir lu un seul avis à son sujet. Peut-être aurais-je dû en lire quelques uns avant de l'acheter ? Sur tous ceux que j'ai lus depuis, il y en a très peu qui soient élogieux. La plupart font état d'une grosse déception. Et je me range de leur côté." + }, + "key": "380" + }, + { + "attributes": { + "blank": " ", + "id": "381", + "language": "fr", + "text_to_embed": "Sans avoir consulté aucun avis préalable, j'ai craqué pour ce livre dès que j'ai vu la couverture et lu le résumé. Il semblait prometteur, mais maintenant je me demande si j'aurais dû en lire quelques-uns avant de l'acheter." + }, + "key": "381" + }, + { + "attributes": { + "blank": " ", + "id": "382", + "language": "fr", + "text_to_embed": "Ayant cédé à un moment d'impulsion, j'ai acheté ce livre sans avoir pris la peine de lire les avis. Après avoir lu plusieurs critiques négatives, je réalise que cela aurait peut-être été une bonne idée." + }, + "key": "382" + }, + { + "attributes": { + "blank": " ", + "id": "383", + "language": "fr", + "text_to_embed": "Sans lire aucun avis au préalable, j'ai été attiré par la couverture et le résumé de ce livre et j'ai fait l'achat impulsif. Maintenant, je me demande si j'aurais dû prendre le temps de consulter quelques avis avant de me lancer." + }, + "key": "383" + }, + { + "attributes": { + "blank": " ", + "id": "384", + "language": "fr", + "text_to_embed": "Je me suis procuré ce livre sur un coup de tête en voyant la couverture et en lisant le résumé, sans me préoccuper de son évaluation par les autres. Maintenant, je regrette de ne pas l'avoir fait, car la plupart des avis que j'ai lus depuis sont négatifs." + }, + "key": "384" + }, + { + "attributes": { + "blank": " ", + "id": "385", + "language": "fr", + "text_to_embed": "Sans prêter attention aux avis des autres, j'ai acheté ce livre en le jugeant prometteur à partir de sa couverture et de son résumé. Cependant, après avoir lu d'autres avis, je me rends compte que la majorité est négative et je me range à leur opinion." + }, + "key": "385" + }, + { + "attributes": { + "blank": " ", + "id": "386", + "language": "fr", + "text_to_embed": "Attiré par sa couverture et son résumé, j'ai acheté ce livre sans consulter la moindre critique. En regardant les avis depuis, je réalise que très peu sont positifs. Ils font principalement état d'une grande déception, et je me rallie à leur opinion." + }, + "key": "386" + }, + { + "attributes": { + "blank": " ", + "id": "387", + "language": "fr", + "text_to_embed": "J'ai sauté le pas et acheté ce livre après avoir été séduit par sa couverture et son résumé, sans avoir pris la peine de consulter les avis. Maintenant, je réalise que cela aurait peut-être été une bonne idée d'en lire quelques-uns avant de me lancer, car la plupart des critiques sont négatives." + }, + "key": "387" + }, + { + "attributes": { + "blank": " ", + "id": "388", + "language": "fr", + "text_to_embed": "Par pure impulsion, j'ai acheté ce livre après avoir été intrigué par sa couverture et son résumé, sans prendre en compte les avis des autres. En regardant les critiques depuis, je me rends compte que très peu d'entre elles sont positives. La plupart soulignent une grande déception, et je me joins à leur avis." + }, + "key": "388" + }, + { + "attributes": { + "blank": " ", + "id": "390", + "language": "fr", + "text_to_embed": "Bien sûr il s’agit d’une nouvelle, bien sûr c’est un huis-clos mais est-ce pour cela qu’il faut bâcler une histoire qui aurait pu être intéressante si l’auteur avait pris la peine de penser que le lecteur n’était pas obligé de commencer par le premier tome afin de connaître l’équipe du commandant Gerfaut. En résumé, était-ce nécessaire de publier ce travail sans intérêt ?" + }, + "key": "390" + }, + { + "attributes": { + "blank": " ", + "id": "391", + "language": "fr", + "text_to_embed": "Pourquoi l'auteur n'a-t-il pas pris la peine de penser que le lecteur n'est pas obligé de commencer par le premier tome pour connaître l'équipe du commandant Gerfaut, rendant ainsi cette histoire potentiellement intéressante ?" + }, + "key": "391" + }, + { + "attributes": { + "blank": " ", + "id": "392", + "language": "fr", + "text_to_embed": "Il aurait été préférable que l'auteur réfléchisse davantage avant de publier cette œuvre dénuée de sens, en tenant compte du fait que le lecteur ne doit pas forcément commencer par le premier tome pour connaître l'équipe du commandant Gerfaut." + }, + "key": "392" + }, + { + "attributes": { + "blank": " ", + "id": "393", + "language": "fr", + "text_to_embed": "Bien que cela soit une nouvelle et un huis-clos, l'auteur aurait pu offrir une histoire intéressante s'il avait pris en compte que le lecteur n'est pas contraint de commencer par le premier tome pour être familier avec l'équipe du commandant Gerfaut. Par conséquent, faut-il vraiment publier cette œuvre dépourvue d'intérêt ?" + }, + "key": "393" + }, + { + "attributes": { + "blank": " ", + "id": "394", + "language": "fr", + "text_to_embed": "Sans aucun doute, cette histoire aurait pu être intéressante si l'auteur avait pris le temps de considérer que le lecteur n'a pas à commencer par le premier tome pour connaître l'équipe du commandant Gerfaut. Cependant, est-ce raisonnable de publier un travail sans intérêt ?" + }, + "key": "394" + }, + { + "attributes": { + "blank": " ", + "id": "395", + "language": "fr", + "text_to_embed": "Même si cette histoire est une nouvelle et un huis-clos, cela ne signifie pas que l'auteur peut se permettre de bâcler son travail. Il aurait pu être plus attentif en pensant que le lecteur n'est pas obligé de commencer par le premier tome pour connaître l'équipe du commandant Gerfaut. En somme, était-il vraiment nécessaire de publier ce récit dénué d'intérêt ?" + }, + "key": "395" + }, + { + "attributes": { + "blank": " ", + "id": "396", + "language": "fr", + "text_to_embed": "Il est vrai que cette histoire est une nouvelle et un huis-clos, mais cela ne justifie pas le manque d'investissement de l'auteur. Si seulement il avait pris en considération que le lecteur peut connaître l'équipe du commandant Gerfaut sans avoir lu le premier tome, cette histoire aurait pu être intéressante. En conclusion, était-il nécessaire de publier ce travail sans intérêt ?" + }, + "key": "396" + }, + { + "attributes": { + "blank": " ", + "id": "397", + "language": "fr", + "text_to_embed": "Il est indéniable que cette histoire aurait pu être intéressante si l'auteur avait pris le temps de réfléchir au fait que le lecteur n'est pas obligé de commencer par le premier tome pour connaître l'équipe du commandant Gerfaut, malgré le fait qu'il s'agisse d'une nouvelle et d'un huis-clos. En somme, était-ce vraiment nécessaire de publier ce travail sans intérêt ?" + }, + "key": "397" + }, + { + "attributes": { + "blank": " ", + "id": "398", + "language": "fr", + "text_to_embed": "Bien que cela soit une nouvelle et un huis-clos, l'histoire aurait pu être intéressante si l'auteur avait considéré que le lecteur n'est pas contraint de commencer par le premier tome pour connaître l'équipe du commandant Gerfaut. Est-il donc vraiment nécessaire de publier cette œuvre insignifiante ?" + }, + "key": "398" + }, + { + "attributes": { + "blank": " ", + "id": "400", + "language": "fr", + "text_to_embed": "Alma : Le vent se lève, un magnifique roman jeunesse, poétique et bouleversant, sur l'esclavage. Voyage envoûtant et rythmé, ce roman d'aventures, de piraterie, témoignage poignant et documenté sur le commerce triangulaire au 18ème siècle, met en scène des personnages mystérieux et attachants. Encore un texte merveilleux de Timothée de Fombelle, décidément un très grand auteur." + }, + "key": "400" + }, + { + "attributes": { + "blank": " ", + "id": "401", + "language": "en", + "text_to_embed": "Alma: Le vent se lève is a magnificent, poetic and deeply moving novel for young people about slavery. A spellbinding, fast-paced journey, this novel of adventure and piracy is a poignant, well-documented account of the triangular trade in the 18th century, featuring mysterious, endearing characters. Another marvellous text by Timothée de Fombelle, a truly great author." + }, + "key": "401" + }, + { + "attributes": { + "blank": " ", + "id": "402", + "language": "de", + "text_to_embed": "Alma: Le vent se lève, ein wunderschöner, poetischer und erschütternder Jugendroman über die Sklaverei. Dieser Abenteuer- und Piratenroman, ein ergreifendes und dokumentiertes Zeugnis über den Dreieckshandel im 18. Jahrhundert, ist eine betörende und rhythmische Reise mit geheimnisvollen und liebenswerten Figuren. Ein weiterer wunderbarer Text von Timothée de Fombelle, einem ganz großen Autor." + }, + "key": "402" + }, + { + "attributes": { + "blank": " ", + "id": "403", + "language": "pt", + "text_to_embed": "Alma: Le vent se lève é um romance magnífico, poético e profundamente comovente para jovens sobre a escravatura. Um romance de aventura e pirataria, uma viagem fascinante e rápida, um relato pungente e bem documentado do comércio triangular no século XVIII, com personagens misteriosas e cativantes. Mais um texto maravilhoso de Timothée de Fombelle, um verdadeiro grande autor." + }, + "key": "403" + }, + { + "attributes": { + "blank": " ", + "id": "404", + "language": "zh", + "text_to_embed": "Alma: Le vent se lève》是一部为青少年创作的关于奴隶制的宏伟、诗意和感人至深的小说。这本关于冒险和海盗的小说是一次引人入胜的快节奏之旅,它以凄美的笔触、翔实的资料描述了 18 世纪的三角贸易,书中的人物神秘而可爱。蒂莫西-德-丰贝尔是一位真正伟大的作家,他的又一部精彩作品。" + }, + "key": "404" + }, + { + "attributes": { + "blank": " ", + "id": "405", + "language": "tr", + "text_to_embed": "Alma: Le vent se lève, gençler için kölelik hakkında muhteşem, şiirsel ve derinden etkileyici bir roman. Büyüleyici, hızlı tempolu bir yolculuk olan bu macera ve korsanlık romanı, 18. yüzyıldaki üçgen ticaretin dokunaklı, iyi belgelenmiş bir anlatımıdır ve gizemli, sevimli karakterler içerir. Gerçekten büyük bir yazar olan Timothée de Fombelle'den bir başka muhteşem metin." + }, + "key": "405" + }, + { + "attributes": { + "blank": " ", + "id": "406", + "language": "ru", + "text_to_embed": "Альма: \"Le vent se lève\" - великолепный, поэтичный и глубоко трогательный роман для юношества о рабстве. Захватывающее, стремительное путешествие, роман о приключениях и пиратстве - это пронзительный, хорошо документированный рассказ о трехсторонней торговле в XVIII веке, в котором действуют загадочные и милые персонажи. Еще один замечательный текст Тимоте де Фомбеля, поистине великого автора." + }, + "key": "406" + }, + { + "attributes": { + "blank": " ", + "id": "407", + "language": "ja", + "text_to_embed": "Alma: Le vent se lève』は、奴隷制度を題材にした、壮大で詩的、そして深い感動を与える青少年向けの小説である。この冒険と海賊の小説は、ミステリアスで愛すべき登場人物が織り成す、18世紀の三角貿易を描いた痛快な作品である。ティモテ・ドゥ・フォンベルの素晴らしい作品である。" + }, + "key": "407" + }, + { + "attributes": { + "blank": " ", + "id": "408", + "language": "it", + "text_to_embed": "Alma: Le vent se lève è un romanzo per ragazzi magnifico, poetico e profondamente commovente sulla schiavitù. Questo romanzo d'avventura e di pirateria è un viaggio avvincente e veloce, un resoconto toccante e ben documentato del commercio triangolare nel XVIII secolo, con personaggi misteriosi e accattivanti. Un altro meraviglioso testo di Timothée de Fombelle, un vero grande autore." + }, + "key": "408" + }, + { + "attributes": { + "blank": " ", + "id": "410", + "language": "fr", + "text_to_embed": "Ce tome est un réel tournant dans l'histoire. On change d'atmosphère, de trame, tout est bouleversé. Et olalaaa, je m'en remets pas. Le nouveau fil conducteur qui se dessine est vraiment prometteur, j'ai hâte de découvrir la suite ! Les révélations m'ont remué ! Les nouveaux personnages ont l'air super intéressants, je les aime déjà énormément et j'ai hâte d'en découvrir plus à leurs sujets." + }, + "key": "410" + }, + { + "attributes": { + "blank": " ", + "id": "411", + "language": "fr", + "text_to_embed": "Ce volume marque un véritable tournant dans l'intrigue. L'ambiance et le scénario changent complètement, tout est renversé. Et oh là là, je n'arrive pas à m'en remettre. Le nouveau fil conducteur qui se profile est très prometteur, j'ai vraiment hâte de connaître la suite !" + }, + "key": "411" + }, + { + "attributes": { + "blank": " ", + "id": "412", + "language": "fr", + "text_to_embed": "Ce tome représente un véritable bouleversement dans l'histoire. L'atmosphère et le déroulement de l'intrigue changent du tout au tout. Et waouh, je suis complètement scotché(e). La nouvelle direction que prend l'intrigue est vraiment intrigante, j'ai hâte de découvrir la suite !" + }, + "key": "412" + }, + { + "attributes": { + "blank": " ", + "id": "413", + "language": "fr", + "text_to_embed": "Ce volume marque un véritable tournant dans l'intrigue. L'ambiance et la trame narrative sont complètement modifiées. Et mon dieu, je suis totalement déboussolé(e). Le nouveau fil conducteur qui se dessine est très prometteur, j'ai tellement hâte de savoir ce qui va se passer ensuite !" + }, + "key": "413" + }, + { + "attributes": { + "blank": " ", + "id": "414", + "language": "fr", + "text_to_embed": "Ce tome est un tournant décisif dans le déroulement de l'histoire. Le contexte et l'intrigue sont radicalement modifiés. Et wow, je suis vraiment époustouflé(e). Le nouveau fil conducteur qui se profile est extrêmement prometteur, j'ai une impatience folle de découvrir la suite !" + }, + "key": "414" + }, + { + "attributes": { + "blank": " ", + "id": "415", + "language": "fr", + "text_to_embed": "Ce volume marque un tournant crucial dans l'évolution de l'histoire. L'atmosphère et l'intrigue sont complètement chamboulées. Et oh mon dieu, je suis complètement bouleversé(e). Le nouveau fil conducteur qui se dessine est vraiment prometteur, je suis vraiment impatient(e) de connaître la suite !" + }, + "key": "415" + }, + { + "attributes": { + "blank": " ", + "id": "416", + "language": "fr", + "text_to_embed": "Ce tome représente un tournant majeur dans le développement de l'histoire. L'ambiance et l'intrigue sont radicalement transformées. Et wow, je suis vraiment stupéfait(e). Le nouveau fil conducteur qui se dévoile est incroyablement prometteur, j'ai vraiment hâte de voir la suite !" + }, + "key": "416" + }, + { + "attributes": { + "blank": " ", + "id": "417", + "language": "fr", + "text_to_embed": "Ce volume marque un véritable tournant dans la progression de l'histoire. L'atmosphère et le schéma sont complètement modifiés. Et oh la la, je suis vraiment abasourdi(e). Le nouveau fil conducteur qui se profile est vraiment prometteur, je suis tellement impatient(e) de découvrir la suite !" + }, + "key": "417" + }, + { + "attributes": { + "blank": " ", + "id": "420", + "language": "fr", + "text_to_embed": "La pauvre petite Alex ! Déjà jugée alors que je ne l'avais pas encore rencontrée... Pas bien ça Marie ! Alors, j'ai décidé de faire mon Mea Culpa en lui dédiant cette chronique. Il faut dire que passer après \"Le purgatoire des innocents\" de Karine Giébel, n'était pas à son avantage. C'était la jeter en pâture dans cet univers bien cruel qu'est celui du monde désolant du thriller." + }, + "key": "420" + }, + { + "attributes": { + "blank": " ", + "id": "421", + "language": "fr", + "text_to_embed": "Oh pauvre petite Alex ! Elle est déjà jugée avant même que je ne l'aie rencontrée... C'est vraiment dommage, Marie ! C'est pourquoi j'ai décidé de faire mon Mea Culpa en lui consacrant cette chronique. Il faut avouer que suivre le roman \"Le purgatoire des innocents\" de Karine Giébel n'était pas à son avantage. C'était la plonger dans cette réalité impitoyable qu'est le sombre monde du thriller." + }, + "key": "421" + }, + { + "attributes": { + "blank": " ", + "id": "422", + "language": "fr", + "text_to_embed": "Quelle tristesse pour la pauvre petite Alex ! Elle est déjà condamnée sans que je l'aie jamais croisée... Marie, tu es vraiment en tort ! C'est pourquoi, j'ai pris la décision de me repentir en lui dédiant cette chronique. Il faut admettre que la comparer à \"Le purgatoire des innocents\" de Karine Giébel ne la favorise pas. Cela revient à la sacrifier dans ce monde impitoyable qu'est celui du thriller." + }, + "key": "422" + }, + { + "attributes": { + "blank": " ", + "id": "423", + "language": "fr", + "text_to_embed": "Ah, pauvre petite Alex si mal jugée avant même que je la rencontre... Marie, cela n'est pas très bien ! Voilà pourquoi, j'ai décidé de me repentir en lui dédiant cette chronique. Il faut dire que se mesurer à \"Le purgatoire des innocents\" de Karine Giébel ne lui était pas profitable. C'était la précipiter dans ce monde glacial et impitoyable qu'est le domaine désolant du thriller." + }, + "key": "423" + }, + { + "attributes": { + "blank": " ", + "id": "424", + "language": "fr", + "text_to_embed": "La malheureuse petite Alex, déjà victime de préjugés alors même que je ne l'avais pas encore vue... Oh Marie, ce n'est pas bien de ta part ! C'est pourquoi, j'ai pris la décision de me repentir en lui consacrant cette chronique. Il faut avouer que se trouver après \"Le purgatoire des innocents\" de Karine Giébel n'était pas en sa faveur. C'était la jeter dans cet univers cruel et désolant qu'est celui du thriller." + }, + "key": "424" + }, + { + "attributes": { + "blank": " ", + "id": "425", + "language": "fr", + "text_to_embed": "Que de peine pour la pauvre petite Alex ! Elle est déjà jugée avant même que je ne l'aie rencontrée... Marie, ce n'est pas bien de ta part ! Du coup, j'ai décidé de me repentir en lui dédiant cette chronique. Il faut dire que la comparer à \"Le purgatoire des innocents\" de Karine Giébel ne joue pas en sa faveur. C'était la plonger dans ce monde désolant et impitoyable du thriller." + }, + "key": "425" + }, + { + "attributes": { + "blank": " ", + "id": "426", + "language": "fr", + "text_to_embed": "Oh quel malheur pour la petite Alex ! Elle est déjà condamnée alors que je ne l'ai pas encore rencontrée... Vraiment pas bien de ta part, Marie ! C'est pourquoi, j'ai décidé de faire mon Mea Culpa en lui dédiant cette chronique. Il faut reconnaître que lui succéder à \"Le purgatoire des innocents\" de Karine Giébel ne lui était pas bénéfique. C'était la jeter dans cet univers cruel et désolant qu'est celui du thriller." + }, + "key": "426" + }, + { + "attributes": { + "blank": " ", + "id": "427", + "language": "fr", + "text_to_embed": "La pauvre petite Alex, déjà jugée avant même que je ne la rencontre... Ce n'est pas bien, Marie ! Alors, j'ai décidé de me repentir en lui dédiant cette chronique. Il faut dire que passer après \"Le purgatoire des innocents\" de Karine Giébel n'était pas en sa faveur. C'était la plonger dans cet univers cruel et désolant qu'est celui du thriller." + }, + "key": "427" + }, + { + "attributes": { + "blank": " ", + "id": "428", + "language": "fr", + "text_to_embed": "Quelle tristesse pour la pauvre petite Alex ! Elle est déjà jugée sans même que je ne l'aie encore rencontrée... Marie, ce n'est pas bien ! C'est pourquoi, j'ai décidé de faire mon Mea Culpa en lui consacrant cette chronique. Il faut admettre que succéder à \"Le purgatoire des innocents\" de Karine Giébel ne lui était pas favorable. C'était la précipiter dans ce monde désolant et impitoyable du thriller." + }, + "key": "428" + }, + { + "attributes": { + "blank": " ", + "id": "430", + "language": "fr", + "text_to_embed": "Encore un roman merveilleusement bien écrit, c'est un bonheur de lire Jose Saramago ! Par contre, là, ça prend bien aux tripes, ça file une trouille monstre... Encore plus à l'approche d'une période électorale. Parodie de justice, bouc-émissaire, bêtise humaine... le Pouvoir tout puissant et son aveuglement. L'Aveuglement justement, celui du roman précédent, qui m'avait bien remué lui aussi." + }, + "key": "430" + }, + { + "attributes": { + "blank": " ", + "id": "431", + "language": "fr", + "text_to_embed": "Encore un roman merveilleusement bien écrit, c'est un bonheur de lire Jose Saramago ! 😍 Par contre, là, ça prend bien aux tripes, ça file une trouille monstre... 🙀 Encore plus à l'approche d'une période électorale. Parodie de justice, bouc-émissaire, bêtise humaine... le Pouvoir tout puissant et son aveuglement. L'Aveuglement justement, celui du roman précédent, qui m'avait bien remué lui aussi. 😉" + }, + "key": "431" + }, + { + "attributes": { + "blank": " ", + "id": "432", + "language": "fr", + "text_to_embed": "Encore un roman merveilleusement bien écrit, c'est un bonheur de lire Jose Saramago ! 📚 Par contre, là, ça prend bien aux tripes, ça file une trouille monstre... 🤯 Encore plus à l'approche d'une période électorale. Parodie de justice, bouc-émissaire, bêtise humaine... le Pouvoir tout puissant et son aveuglement. L'Aveuglement justement, celui du roman précédent, qui m'avait bien remué lui aussi." + }, + "key": "432" + }, + { + "attributes": { + "blank": " ", + "id": "433", + "language": "fr", + "text_to_embed": "Encore un roman merveilleusement bien écrit, c'est un bonheur de lire Jose Saramago ! 🏆 Par contre, là, ça prend bien aux tripes, ça file une trouille monstre... 😱 Encore plus à l'approche d'une période électorale. Parodie de justice, bouc-émissaire, bêtise humaine... le Pouvoir tout puissant et son aveuglement. L'Aveuglement justement, celui du roman précédent, qui m'avait bien remué lui aussi." + }, + "key": "433" + }, + { + "attributes": { + "blank": " ", + "id": "434", + "language": "fr", + "text_to_embed": "Encore un roman merveilleusement bien écrit, c'est un bonheur de lire Jose Saramago ! 👌 Par contre, là, ça prend bien aux tripes, ça file une trouille monstre... 💀 Encore plus à l'approche d'une période électorale. Parodie de justice, bouc-émissaire, bêtise humaine... le Pouvoir tout puissant et son aveuglement. L'Aveuglement justement, celui du roman précédent, qui m'avait bien remué lui aussi." + }, + "key": "434" + }, + { + "attributes": { + "blank": " ", + "id": "435", + "language": "fr", + "text_to_embed": "Encore un roman merveilleusement bien écrit, c'est un bonheur de lire Jose Saramago ! ❤️‍🔥 Par contre, là, ça prend bien aux tripes, ça file une trouille monstre... 😬 Encore plus à l'approche d'une période électorale. Parodie de justice, bouc-émissaire, bêtise humaine... le Pouvoir tout puissant et son aveuglement. L'Aveuglement justement, celui du roman précédent, qui m'avait bien remué lui aussi." + }, + "key": "435" + }, + { + "attributes": { + "blank": " ", + "id": "436", + "language": "fr", + "text_to_embed": "Encore un roman merveilleusement bien écrit, c'est un bonheur de lire Jose Saramago ! 🎉 Par contre, là, ça prend bien aux tripes, ça file une trouille monstre... 🙈 Encore plus à l'approche d'une période électorale. Parodie de justice, bouc-émissaire, bêtise humaine... le Pouvoir tout puissant et son aveuglement. L'Aveuglement justement, celui du roman précédent, qui m'avait bien remué lui aussi." + }, + "key": "436" + }, + { + "attributes": { + "blank": " ", + "id": "437", + "language": "fr", + "text_to_embed": "Encore un roman merveilleusement bien écrit, c'est un bonheur de lire Jose Saramago ! 😊 Par contre, là, ça prend bien aux tripes, ça file une trouille monstre... 😨 Encore plus à l'approche d'une période électorale. Parodie de justice, bouc-émissaire, bêtise humaine... le Pouvoir tout puissant et son aveuglement. L'Aveuglement justement, celui du roman précédent, qui m'avait bien remué lui aussi." + }, + "key": "437" + }, + { + "attributes": { + "blank": " ", + "id": "438", + "language": "fr", + "text_to_embed": "Encore un roman merveilleusement bien écrit, c'est un bonheur de lire Jose Saramago ! ✍️ Par contre, là, ça prend bien aux tripes, ça file une trouille monstre... 😱‍🏍 Encore plus à l'approche d'une période électorale. Parodie de justice, bouc-émissaire, bêtise humaine... le Pouvoir tout puissant et son aveuglement. L'Aveuglement justement, celui du roman précédent, qui m'avait bien remué lui aussi." + }, + "key": "438" + }, + { + "attributes": { + "blank": " ", + "id": "440", + "language": "fr", + "text_to_embed": "J’ai beaucoup aimé cette lecture qui m’a appris beaucoup. En effet malgré de nombreuses lectures sur la mythologie grecque, je n’avais jamais lu l’histoire complète de Circé. Honnêtement, elle n’a jamais été un personnage qui m’a fasciné mais pendant ma lecture j’ai eu un élan d’affection pour elle. Et je dois avouer que son histoire est juste incroyable !" + }, + "key": "440" + }, + { + "attributes": { + "blank": " ", + "id": "441", + "language": "fr", + "text_to_embed": "Cette lecture m'a énormément plu et j'y ai beaucoup appris. Même si j'ai déjà lu de nombreux ouvrages sur la mythologie grecque, je n'étais jamais tombé sur l'histoire complète de Circé." + }, + "key": "441" + }, + { + "attributes": { + "blank": " ", + "id": "442", + "language": "fr", + "text_to_embed": "Je me suis vraiment passionné pour cette lecture qui m'a considérablement enrichi. Même après avoir parcouru de nombreux ouvrages sur la mythologie grecque, je n'avais jamais eu connaissance de l'histoire complète de Circé." + }, + "key": "442" + }, + { + "attributes": { + "blank": " ", + "id": "443", + "language": "fr", + "text_to_embed": "Cette lecture m'a vraiment captivé et je suis ressorti de là avec de nombreuses connaissances. Malgré toutes les lectures que j'ai faites sur la mythologie grecque, je n'avais jamais été exposé à l'histoire complète de Circé." + }, + "key": "443" + }, + { + "attributes": { + "blank": " ", + "id": "444", + "language": "fr", + "text_to_embed": "J'ai véritablement adoré cette lecture qui m'a apporté énormément d'enseignements. En dépit de toutes les lectures que j'ai pu faire sur la mythologie grecque, l'histoire complète de Circé m'était totalement inconnue." + }, + "key": "444" + }, + { + "attributes": { + "blank": " ", + "id": "445", + "language": "fr", + "text_to_embed": "Cette lecture m'a complètement séduit et m'a permis d'acquérir de nouvelles connaissances. Nonobstant le fait que j'ai lu de nombreux ouvrages sur la mythologie grecque, je n'avais jamais eu l'occasion de découvrir l'histoire complète de Circé." + }, + "key": "445" + }, + { + "attributes": { + "blank": " ", + "id": "446", + "language": "fr", + "text_to_embed": "Je suis vraiment tombé sous le charme de cette lecture qui m'a grandement instruit. Même après avoir consulté un grand nombre de textes sur la mythologie grecque, je n'avais jamais eu accès à l'histoire complète de Circé." + }, + "key": "446" + }, + { + "attributes": { + "blank": " ", + "id": "447", + "language": "fr", + "text_to_embed": "Cette lecture m'a énormément plongé et je me suis enrichi grâce à elle. Même si j'ai lu de nombreux livres sur la mythologie grecque, jamais je n'avais lu l'histoire complète de Circé." + }, + "key": "447" + }, + { + "attributes": { + "blank": " ", + "id": "448", + "language": "fr", + "text_to_embed": "J'ai énormément apprécié cette lecture qui m'a enseigné beaucoup de choses. Malgré de nombreuses lectures sur la mythologie grecque, je n'avais jamais eu connaissance de l'histoire complète de Circé." + }, + "key": "448" + }, + { + "attributes": { + "blank": " ", + "id": "450", + "language": "fr", + "text_to_embed": "Ayant vu des mots magiques tels que : Alaska – chiens de traîneau – immensités sauvages (entre autres) et que « Sauvage » (« The Wild Inside ») de Jamey Bradbury avait été publié par les Éditions Gallmeister, il n'en fallait pas plus pour que je me doute que ce serait un coup de coeur et dans ce roman je me suis plongée en étant certaine que je ne serais pas déçue." + }, + "key": "450" + }, + { + "attributes": { + "blank": " ", + "id": "451", + "language": "en", + "text_to_embed": "Having seen such magical words as Alaska - sled dogs - wilderness (among others) and the fact that Jamey Bradbury's \"The Wild Inside\" had been published by Gallmeister, I knew it would be a favourite, and I plunged into this novel, certain that I wouldn't be disappointed." + }, + "key": "451" + }, + { + "attributes": { + "blank": " ", + "id": "453", + "language": "pt", + "text_to_embed": "Tendo visto palavras tão mágicas como Alasca - cães de trenó - natureza selvagem (entre outras) e o facto de \"The Wild Inside\" de Jamey Bradbury ter sido publicado pela Gallmeister, sabia que seria um favorito e mergulhei neste romance, certa de que não ficaria desapontada." + }, + "key": "453" + }, + { + "attributes": { + "blank": " ", + "id": "455", + "language": "tr", + "text_to_embed": "Alaska - kızak köpekleri - vahşi doğa (diğerlerinin yanı sıra) gibi büyülü kelimeleri gördükten ve Jamey Bradbury'nin \"The Wild Inside\" kitabının Gallmeister tarafından yayınlandığını öğrendikten sonra, bu romanın favorim olacağını biliyordum ve hayal kırıklığına uğramayacağımdan emin bir şekilde bu romana daldım." + }, + "key": "455" + }, + { + "attributes": { + "blank": " ", + "id": "457", + "language": "ja", + "text_to_embed": "アラスカ、そり犬、荒野といった魔法のような言葉(中略)を目にし、ジェミー・ブラッドベリの『ワイルド・インサイド』がギャルマイスターから出版されたことを知った私は、この小説がお気に入りの作品であることを知っていた。" + }, + "key": "457" + }, + { + "attributes": { + "blank": " ", + "id": "458", + "language": "it", + "text_to_embed": "Avendo visto parole magiche come Alaska - cani da slitta - natura selvaggia (tra le altre) e il fatto che \"The Wild Inside\" di Jamey Bradbury fosse stato pubblicato da Gallmeister, sapevo che sarebbe stato uno dei miei preferiti e mi sono immersa in questo romanzo, certa che non sarei rimasta delusa." + }, + "key": "458" + }, + { + "attributes": { + "blank": " ", + "id": "460", + "language": "fr", + "text_to_embed": "Pour qui aime la littérature et les romans qui permettent d'en mesurer les dimensions, \"Madame Hayat\" d'Ahmet Altan se présente comme un espace que le lecteur arpente en suivant des repères parfois connus, parfois brouillés, mais qui, toujours, conduisent à la conviction que c'est là, dans ces histoires ainsi racontées, que se cachent les plus beaux et les plus terribles secrets humains." + }, + "key": "460" + }, + { + "attributes": { + "blank": " ", + "id": "461", + "language": "en", + "text_to_embed": "For those who love literature and novels that allow us to measure its dimensions, Ahmet Altan's \"Madame Hayat\" is like a space that the reader wanders through, following landmarks that are sometimes familiar, sometimes blurred, but which always lead to the conviction that it is there, in these stories told in this way, that the most beautiful and the most terrible of human secrets are hidden." + }, + "key": "461" + }, + { + "attributes": { + "blank": " ", + "id": "463", + "language": "pt", + "text_to_embed": "Para os amantes da literatura e dos romances que permitem medir as suas dimensões, \"Madame Hayat\", de Ahmet Altan, é como um espaço que o leitor percorre, seguindo pontos de referência por vezes familiares, por vezes indistintos, mas que conduzem sempre à convicção de que é ali, nestas histórias assim contadas, que se escondem os mais belos e os mais terríveis segredos humanos." + }, + "key": "463" + }, + { + "attributes": { + "blank": " ", + "id": "465", + "language": "tr", + "text_to_embed": "Ahmet Altan'ın \"Madam Hayat \"ı, edebiyatı ve onun boyutlarını ölçme imkânı veren romanları sevenler için, okurun bazen tanıdık, bazen bulanık, ama her zaman insani sırların en güzelinin ve en korkuncunun orada, bu şekilde anlatılan bu hikâyelerde saklı olduğu inancına götüren işaretleri takip ederek dolaştığı bir mekân gibidir." + }, + "key": "465" + }, + { + "attributes": { + "blank": " ", + "id": "466", + "language": "ru", + "text_to_embed": "Для тех, кто любит литературу и романы, позволяющие измерить ее размеры, \"Мадам Хайят\" Ахмета Алтана - это как пространство, по которому бродит читатель, следуя ориентирам, иногда знакомым, иногда размытым, но всегда приводящим к убеждению, что именно здесь, в этих рассказанных таким образом историях, скрыты самые прекрасные и самые страшные человеческие тайны." + }, + "key": "466" + }, + { + "attributes": { + "blank": " ", + "id": "468", + "language": "it", + "text_to_embed": "Per chi ama la letteratura e i romanzi che permettono di misurarne le dimensioni, \"Madame Hayat\" di Ahmet Altan è come uno spazio in cui il lettore vaga, seguendo punti di riferimento a volte familiari, a volte sfocati, ma che portano sempre alla convinzione che è lì, in queste storie raccontate in questo modo, che si nascondono i più belli e i più terribili segreti umani." + }, + "key": "468" + }, + { + "attributes": { + "blank": " ", + "id": "470", + "language": "fr", + "text_to_embed": "Un petit livre bourré de très bons conseils pour trouver son chemin, le sens de sa propre vie que personne ne peut trouver à votre place ou vous dicter sans un véritable épanouissement personnel. Choisir c'est renoncer, tout cela a un coût. Des témoignages inspirants sont proposés. La fin du livre est portée sur la spiritualité. Un ouvrage utile pour celles et ceux qui se cherchent." + }, + "key": "470" + }, + { + "attributes": { + "blank": " ", + "id": "471", + "language": "en", + "text_to_embed": "This little book is packed with great advice on how to find your own path, the meaning of your own life, which no one can find for you or dictate to you without real personal fulfilment. Choosing means giving up, and all that comes at a cost. Inspiring testimonials are offered. The end of the book focuses on spirituality. A useful book for those who are searching for themselves." + }, + "key": "471" + }, + { + "attributes": { + "blank": " ", + "id": "472", + "language": "de", + "text_to_embed": "Ein kleines Buch voller sehr guter Ratschläge, um seinen Weg zu finden, den Sinn des eigenen Lebens, den niemand an Ihrer Stelle finden oder Ihnen ohne echte Selbstverwirklichung vorschreiben kann. Wählen heißt verzichten, all das hat seinen Preis. Es werden inspirierende Erfahrungsberichte angeboten. Das Ende des Buches befasst sich mit Spiritualität. Ein nützliches Buch für alle, die auf der Suche nach sich selbst sind." + }, + "key": "472" + }, + { + "attributes": { + "blank": " ", + "id": "473", + "language": "pt", + "text_to_embed": "Este pequeno livro está repleto de grandes conselhos sobre como encontrar o seu próprio caminho, o sentido da sua própria vida, que ninguém pode encontrar por si ou ditar-lhe sem uma verdadeira realização pessoal. Escolher significa renunciar, e tudo isso tem um custo. São apresentados testemunhos inspiradores. O final do livro centra-se na espiritualidade. Um livro útil para quem está à procura de si próprio." + }, + "key": "473" + }, + { + "attributes": { + "blank": " ", + "id": "474", + "language": "zh", + "text_to_embed": "这本小书包含了很多关于如何找到自己的道路、自己的人生意义的好建议,没有人能够为你找到,也没有人能够在没有真正实现个人价值的情况下对你发号施令。选择意味着放弃,而这一切都需要付出代价。书中提供了鼓舞人心的见证。书的结尾着重阐述了灵性问题。对于那些正在寻找自我的人来说,这是一本有用的书。" + }, + "key": "474" + }, + { + "attributes": { + "blank": " ", + "id": "476", + "language": "ru", + "text_to_embed": "Эта небольшая книга содержит множество советов о том, как найти свой собственный путь, смысл своей жизни, который никто не сможет найти за вас или продиктовать вам без реальной самореализации. Выбор означает отказ, а за все приходится платить. Приводятся вдохновляющие свидетельства. В конце книги уделено внимание духовности. Полезная книга для тех, кто находится в поиске себя." + }, + "key": "476" + }, + { + "attributes": { + "blank": " ", + "id": "477", + "language": "ja", + "text_to_embed": "この小さな本には、自分自身の道を見つける方法、自分自身の人生の意味を見つける方法についての素晴らしいアドバイスが詰まっている。選ぶということは、あきらめるということであり、それには代償が伴う。感動的な証言が掲載されている。巻末には、スピリチュアリティに焦点を当てている。自分探しをしている人に役立つ本。" + }, + "key": "477" + }, + { + "attributes": { + "blank": " ", + "id": "478", + "language": "it", + "text_to_embed": "Questo piccolo libro è ricco di ottimi consigli su come trovare la propria strada, il senso della propria vita, che nessuno può trovare per voi o dettarvi senza una vera realizzazione personale. Scegliere significa rinunciare, e tutto ciò ha un costo. Vengono offerte testimonianze ispirate. La fine del libro si concentra sulla spiritualità. Un libro utile per chi è alla ricerca di se stesso." + }, + "key": "478" + }, + { + "attributes": { + "blank": " ", + "id": "480", + "language": "fr", + "text_to_embed": "Oubliez vos références classiques. Voici une dystopie noire qui tire des conséquences logiques des grandes évolutions que connaît notre monde actuel. J’espère sincèrement, pour l’humanité, qu’il y a d’autres conséquences à tirer et que d’autres possibles existent. Ce roman témoigne de la très riche culture littéraire de l’auteure dans de nombreux domaines, tant les références abondent." + }, + "key": "480" + }, + { + "attributes": { + "blank": " ", + "id": "481", + "language": "fr", + "text_to_embed": "Retweet si vous êtes d'accord! Oubliez #références #classiques. Voici une #dystopie #noire qui tire des conséquences logiques des grandes évolutions que connaît notre monde actuel! J’espère sincèrement, pour l’humanité, qu’il y a d’autres conséquences à tirer et que d’autres possibles existent. Ce roman témoigne de la très riche culture littéraire de l’auteure dans de nombreux domaines! Tant les #références abondent." + }, + "key": "481" + }, + { + "attributes": { + "blank": " ", + "id": "482", + "language": "fr", + "text_to_embed": "#Oubliez vos références classiques! Voici une #dystopie noire qui tire des conséquences logiques des grandes évolutions que connaît notre monde actuel. J’espère sincèrement, pour #l’humanité, qu’il y a d’autres conséquences à tirer et que d’autres possibles existent. Ce roman témoigne de la très riche #culture littéraire de l’auteure dans de nombreux domaines, tant les références abondent." + }, + "key": "482" + }, + { + "attributes": { + "blank": " ", + "id": "483", + "language": "fr", + "text_to_embed": "#Oubliez vos références classiques. Voici une dystopie noire qui tire des conséquences logiques des grandes évolutions que connaît notre monde actuel. J’espère sincèrement, pour l’humanité, qu’il y a d’autres conséquences à tirer et que d’autres possibles existent! Ce roman témoigne de la très riche culture littéraire de l’auteure dans de nombreux domaines, tant #les références abondent." + }, + "key": "483" + }, + { + "attributes": { + "blank": " ", + "id": "484", + "language": "fr", + "text_to_embed": "Oubliez vos références classiques! Voici une dystopie noire qui tire des conséquences logiques des grandes évolutions que connaît notre monde actuel. J’espère sincèrement pour #l’humanité qu’il y a d’autres conséquences à tirer et que d’autres possibles existent. Ce roman témoigne de la très riche culture littéraire de l’auteure dans de nombreux domaines, tant les références abondent." + }, + "key": "484" + }, + { + "attributes": { + "blank": " ", + "id": "485", + "language": "fr", + "text_to_embed": "#Oubliez vos références classiques! Voici une dystopie noire qui tire des conséquences logiques des grandes évolutions que connaît notre monde actuel. J’espère sincèrement, pour l’humanité, qu’il y a d’autres conséquences à tirer et que d’autres possibles existent. Ce roman témoigne de la #très #riche culture littéraire de l’auteure dans de nombreux domaines, tant les références abondent." + }, + "key": "485" + }, + { + "attributes": { + "blank": " ", + "id": "486", + "language": "fr", + "text_to_embed": "Oubliez vos références classiques! Voici une dystopie noire qui tire des conséquences logiques des grandes évolutions que connaît notre monde actuel. J’espère sincèrement, pour l’humanité, qu’il y a d’autres conséquences à tirer et que d’autres #possibles existent! Ce roman témoigne de la très riche culture littéraire de l’auteure dans de nombreux domaines, tant les références abondent." + }, + "key": "486" + }, + { + "attributes": { + "blank": " ", + "id": "487", + "language": "fr", + "text_to_embed": "Oubliez vos références classiques. Voici une #dystopie noire qui tire des conséquences logiques des grandes évolutions que connaît notre monde actuel. J’espère sincèrement, pour l’humanité, qu’il y a d’autres conséquences à tirer et que d’autres possibles existent. Ce roman témoigne de #la très riche culture littéraire de l’auteure dans de nombreux domaines, tant les références abondent." + }, + "key": "487" + }, + { + "attributes": { + "blank": " ", + "id": "488", + "language": "fr", + "text_to_embed": "Oubliez vos références classiques. Voici une dystopie noire qui tire #des conséquences logiques des grandes évolutions que connaît notre monde actuel. J’espère sincèrement, pour l’humanité, qu’il y a d’autres conséquences à tirer et que d’autres possibles existent. Ce roman témoigne de la très riche culture littéraire de l’auteure dans de nombreux domaines, tant les références abondent!" + }, + "key": "488" + }, + { + "attributes": { + "blank": " ", + "id": "490", + "language": "fr", + "text_to_embed": "Quelle BD toute douce ! Les soeurs Grémillet partent en vacances d'été chez leur grand-mère et Cassiopée a le coeur qui balance entre son amoureux chez elle, Ulysse, et un jeune homme qui la courtise pendant les vacances, Olivier... Comment choisir? Faut-il choisir ? Heureusement, un mystérieux fantôme semble hanter les ruines du village, et cette enquête va absorber Cassiopée et ses soeurs." + }, + "key": "490" + }, + { + "attributes": { + "blank": " ", + "id": "491", + "language": "fr", + "text_to_embed": "Quelle BD adorable ! Les soeurs Grémillet s'en vont en vacances estivales chez leur grand-mère et Cassiopée se trouve face à un dilemme entre son petit ami à la maison, Ulysse, et un jeune homme qui fait des avances pendant les vacances, Olivier... Que faut-il décider ? Faut-il même faire un choix ? Heureusement, un fantôme énigmatique semble rôder dans les ruines du village, et cette enquête va captiver Cassiopée et ses soeurs." + }, + "key": "491" + }, + { + "attributes": { + "blank": " ", + "id": "492", + "language": "fr", + "text_to_embed": "Quelle bande dessinée si douce ! Les soeurs Grémillet se rendent chez leur grand-mère pour les vacances d'été et Cassiopée est tiraillée entre son petit ami, Ulysse, et un jeune homme qui la courtise pendant les vacances, Olivier... Comment faire un choix ? Est-ce nécessaire ? Heureusement, les ruines du village semblent être hantées par un mystérieux fantôme, et cette enquête va absorber Cassiopée et ses soeurs." + }, + "key": "492" + }, + { + "attributes": { + "blank": " ", + "id": "493", + "language": "fr", + "text_to_embed": "C'est incroyable cette BD toute douce ! Les soeurs Grémillet partent en vacances d'été chez leur grand-mère et Cassiopée se retrouve face à un dilemme entre son amoureux à la maison, Ulysse, et un jeune homme qui la courtise pendant les vacances, Olivier... Comment choisir ? Faut-il choisir ? Heureusement, un mystérieux fantôme semble hanter les ruines du village, et cette enquête va captiver Cassiopée et ses soeurs." + }, + "key": "493" + }, + { + "attributes": { + "blank": " ", + "id": "494", + "language": "fr", + "text_to_embed": "Quelle BD adorée ! Les soeurs Grémillet s'envolent en vacances d'été chez leur grand-mère et Cassiopée est déchirée entre son petit ami, Ulysse, qui l'attend chez elle, et un jeune homme qui la courtise pendant les vacances, Olivier... Quel choix faire ? Est-il nécessaire de choisir ? Heureusement, un fantôme mystérieux semble hanter les vestiges du village, et cette enquête va accaparer l'attention de Cassiopée et de ses soeurs." + }, + "key": "494" + }, + { + "attributes": { + "blank": " ", + "id": "495", + "language": "fr", + "text_to_embed": "Quelle BD merveilleuse et tendre ! Les soeurs Grémillet partent pour les vacances d'été chez leur grand-mère et Cassiopée est tiraillée entre son petit ami chez elle, Ulysse, et un jeune homme qui la séduit pendant les vacances, Olivier... Comment prendre une décision ? Faut-il même en prendre une ? Heureusement, un spectre mystérieux hante les ruines du village, et cette enquête captivera Cassiopée et ses soeurs." + }, + "key": "495" + }, + { + "attributes": { + "blank": " ", + "id": "496", + "language": "fr", + "text_to_embed": "C'est fou, cette BD toute douce ! Les soeurs Grémillet partent passer leurs vacances d'été chez leur grand-mère et Cassiopée est en proie à un dilemme entre son amoureux à la maison, Ulysse, et un jeune homme qui la courtise pendant les vacances, Olivier... Comment choisir ? Doit-on choisir ? Heureusement, un fantôme mystérieux semble hanter les ruines du village, et cette enquête va occuper l'esprit de Cassiopée et de ses soeurs." + }, + "key": "496" + }, + { + "attributes": { + "blank": " ", + "id": "497", + "language": "fr", + "text_to_embed": "Quelle BD si mignonne ! Les soeurs Grémillet prennent des vacances d'été chez leur grand-mère et Cassiopée est confrontée à un choix difficile entre son amoureux à la maison, Ulysse, et un jeune homme qui la courtise pendant les vacances, Olivier... Comment trancher ? Faut-il trancher ? Heureusement, un fantôme mystérieux semble errer dans les ruines du village, et cette enquête absorbera Cassiopée et ses soeurs." + }, + "key": "497" + }, + { + "attributes": { + "blank": " ", + "id": "498", + "language": "fr", + "text_to_embed": "Cette BD est tellement douce ! Les soeurs Grémillet partent en vacances d'été chez leur grand-mère et Cassiopée se retrouve dans l'embarras entre son amoureux chez elle, Ulysse, et un jeune homme qui la courtise pendant les vacances, Olivier... Comment faire un choix ? Est-ce vraiment nécessaire de faire un choix ? Heureusement, un mystérieux fantôme semble hanter les ruines du village, et cette enquête va occuper Cassiopée et ses soeurs." + }, + "key": "498" + }, + { + "attributes": { + "blank": " ", + "id": "500", + "language": "fr", + "text_to_embed": "J'ai adoré ce livre parce qu'il y a des statistiques dedans pour démonter des soi-disant coïncidences qui n'en sont absolument pas. e n'ai pas écrit ma critique au moment où je l'ai lu (en 2019), et en 2021 je m'aperçois que je ne me souviens pas de grand chose, surtout d'une fête foraine et d'une jeune maman ? On pourrait se dire que le livre est donc décevant, mais non : je vais donc pouvoir le relire (avec bonheur ?!)" + }, + "key": "500" + }, + { + "attributes": { + "blank": " ", + "id": "501", + "language": "en", + "text_to_embed": "I loved this book because there are statistics in it to dismantle so-called coincidences that are absolutely not coincidences. I didn't write my review when I read it (in 2019), and in 2021 I realise that I don't remember much, especially about a funfair and a young mother? You might think that the book is disappointing, but no: I'll be able to read it again (happily?!)" + }, + "key": "501" + }, + { + "attributes": { + "blank": " ", + "id": "502", + "language": "de", + "text_to_embed": "Ich habe dieses Buch geliebt, weil darin Statistiken enthalten sind, um sogenannte Zufälle zu zerlegen, die absolut keine sind. ch habe meine Kritik nicht geschrieben, als ich es gelesen habe (im Jahr 2019), und im Jahr 2021 stelle ich fest, dass ich mich an nicht viel erinnern kann, vor allem an einen Jahrmarkt und eine junge Mutter? Man könnte sagen, dass das Buch daher enttäuschend ist, aber nein: Ich werde es also noch einmal lesen können (mit Freude?!)." + }, + "key": "502" + }, + { + "attributes": { + "blank": " ", + "id": "503", + "language": "pt", + "text_to_embed": "Adorei este livro porque nele há estatísticas para desmontar as chamadas coincidências que não são de todo coincidências. Não escrevi a minha recensão quando o li (em 2019) e, em 2021, apercebo-me de que não me lembro de muita coisa, sobretudo de um parque de diversões e de uma jovem mãe? Poderão pensar que o livro é uma desilusão, mas não: poderei voltar a lê-lo (felizmente?!)" + }, + "key": "503" + }, + { + "attributes": { + "blank": " ", + "id": "504", + "language": "zh", + "text_to_embed": "我很喜欢这本书,因为书中有一些统计数据,可以拆解那些绝对不是巧合的所谓巧合。 我读这本书的时候(2019年)没有写书评,到了2021年,我发现自己已经记不清楚了,尤其是关于一个游乐场和一个年轻母亲的故事?你可能会认为这本书令人失望,但不是的:我还能再读一遍(快乐地?)" + }, + "key": "504" + }, + { + "attributes": { + "blank": " ", + "id": "505", + "language": "tr", + "text_to_embed": "Bu kitabı sevdim çünkü içinde kesinlikle tesadüf olmayan sözde tesadüfleri ortadan kaldıracak istatistikler var. İncelememi okuduğumda (2019'da) yazmamıştım ve 2021'de pek bir şey hatırlamadığımı fark ettim, özellikle de bir lunapark ve genç bir anne hakkında? Kitabın hayal kırıklığı yarattığını düşünebilirsiniz, ama hayır: Onu tekrar okuyabileceğim (mutlu bir şekilde?!)" + }, + "key": "505" + }, + { + "attributes": { + "blank": " ", + "id": "506", + "language": "ru", + "text_to_embed": "Мне понравилась эта книга тем, что в ней есть статистика, разбирающая так называемые совпадения, которые совершенно не являются совпадениями. Я не написала отзыв, когда читала ее (в 2019 году), а в 2021 году понимаю, что мало что помню, особенно про фанфик и молодую маму? Вы можете подумать, что книга разочаровала, но нет: я смогу перечитать ее еще раз (с удовольствием?!)." + }, + "key": "506" + }, + { + "attributes": { + "blank": " ", + "id": "508", + "language": "it", + "text_to_embed": "Ho amato questo libro perché ci sono statistiche che smontano le cosiddette coincidenze che non sono assolutamente coincidenze. Non ho scritto la mia recensione quando l'ho letto (nel 2019), e nel 2021 mi rendo conto di non ricordare molto, soprattutto per quanto riguarda un luna park e una giovane madre? Potreste pensare che il libro sia deludente, ma no: potrò rileggerlo (felicemente?!)." + }, + "key": "508" + }, + { + "attributes": { + "blank": " ", + "id": "510", + "language": "fr", + "text_to_embed": "Certains livres nous sont imposés adolescents, on les survole par obligation, on les enfouit aux confins de notre mémoire... et puis, les années passent, nous nous réveillons \"adultes\" et décidons un jour de redécouvrir nos classiques. C'est ainsi que cette oeuvre de Patrick Süskind a atterri dans ma voiture, car oui, j'écoute aussi des livres audio... et j'adore ça !!!" + }, + "key": "510" + }, + { + "attributes": { + "blank": " ", + "id": "511", + "language": "fr", + "text_to_embed": "Certains livres nous sont imposés adolescents on les survole par obligation on les enfouit aux confins de notre mémoire et puis les années passent nous nous réveillons \"adultes\" et décidons un jour de redécouvrir nos classiques c'est ainsi que cette oeuvre de Patrick Süskind a atterri dans ma voiture car oui j'écoute aussi des livres audio et j'adore ça. #classiques #livresaudionostalgie." + }, + "key": "511" + }, + { + "attributes": { + "blank": " ", + "id": "512", + "language": "fr", + "text_to_embed": "Certains livres nous sont imposés adolescents : on les survole par obligation, on les enfouit aux confins de notre mémoire. Et puis, les années passent... Nous nous réveillons \"adultes\" et décidons un jour de redécouvrir nos classiques. C'est ainsi que cette oeuvre de Patrick Süskind a atterri dans ma voiture, car oui, j'écoute aussi des livres audio... et j'adore ça! #redécouverte #classiques #livresaudio #PatrickSüskind." + }, + "key": "512" + }, + { + "attributes": { + "blank": " ", + "id": "513", + "language": "fr", + "text_to_embed": "Certains livres nous sont imposés adolescents, on les survole par obligation, on les enfouit aux confins de notre mémoire et puis, les années passent. Nous nous réveillons \"adultes\" et décidons un jour de redécouvrir nos classiques. C'est ainsi que cette oeuvre de Patrick Süskind a atterri dans ma voiture car oui, j'écoute aussi des livres audio... et j'adore ça! #classiques #redécouverte #PatrickSüskind #livresaudio." + }, + "key": "513" + }, + { + "attributes": { + "blank": " ", + "id": "514", + "language": "fr", + "text_to_embed": "Certains livres nous sont imposés adolescents, on les survole par obligation, on les enfouit aux confins de notre mémoire... et puis, les années passent, nous nous réveillons \"adultes\" et décidons un jour de redécouvrir nos classiques! C'est ainsi que cette oeuvre de Patrick Süskind a atterri dans ma voiture. Car oui, j'écoute aussi des livres audio et j'adore ça. #classiques #redécouverte #PatrickSüskind." + }, + "key": "514" + }, + { + "attributes": { + "blank": " ", + "id": "515", + "language": "fr", + "text_to_embed": "Certains livres nous sont imposés adolescents, on les survole par obligation, on les enfouit aux confins de notre mémoire... et puis, les années passent. Nous nous réveillons \"adultes\" et décidons un jour de redécouvrir nos classiques? C'est ainsi que cette oeuvre de Patrick Süskind a atterri dans ma voiture, car oui, j'écoute aussi des livres audio... et j'adore ça! #classiques #redécouverte #PatrickSüskind." + }, + "key": "515" + }, + { + "attributes": { + "blank": " ", + "id": "516", + "language": "fr", + "text_to_embed": "Certains livres nous sont imposés, adolescents : on les survole par obligation, on les enfouit aux confins de notre mémoire... Et puis les années passent. Nous nous réveillons \"adultes\", et décidons un jour de redécouvrir nos classiques. C'est ainsi que cette oeuvre de Patrick Süskind a atterri dans ma voiture. Car oui, j'écoute aussi des livres audio... et j'adore ça! #classiques #redécouverte #PatrickSüskind #livresaudio." + }, + "key": "516" + }, + { + "attributes": { + "blank": " ", + "id": "517", + "language": "fr", + "text_to_embed": "Certains livres nous sont imposés adolescents, on les survole par obligation, on les enfouit aux confins de notre mémoire, et puis, les années passent, nous nous réveillons \"adultes\" et décidons un jour de redécouvrir nos classiques. C'est ainsi que cette oeuvre de Patrick Süskind a atterri dans ma voiture, car oui, j'écoute aussi des livres audio... et j'adore ça. #classiques #livresaudio #redécouverte." + }, + "key": "517" + }, + { + "attributes": { + "blank": " ", + "id": "518", + "language": "fr", + "text_to_embed": "Certains livres nous sont imposés adolescents, on les survole par obligation, on les enfouit aux confins de notre mémoire-et puis, les années passent, nous nous réveillons \"adultes\" et décidons un jour de redécouvrir nos classiques. C'est ainsi que cette oeuvre de Patrick Süskind a atterri dans ma voiture, car oui j'écoute aussi des livres audio-et j'adore ça! #classiques #redécouverte #PatrickSüskind." + }, + "key": "518" + }, + { + "attributes": { + "blank": " ", + "id": "520", + "language": "fr", + "text_to_embed": "J'ai adoré cette histoire. Je l'ai trouvé super mignonne, bien écrite et joliment illustrée. Ce petit garçon de 10 ans au franc parlé et cette homme à la retraite (ou presque) qui se rencontrent et échangent des anecdotes sur \"là-bas\" parfois crédibles et d'autres fois beaucoup moins mais c'est ce qui fait naître leur belle amitié... et cette fin..... j'ai beaucoup souri en lisant ce livre !" + }, + "key": "520" + }, + { + "attributes": { + "blank": " ", + "id": "521", + "language": "fr", + "text_to_embed": "J'ai adoré cette #histoire ! Je l'ai trouvé super mignonne, bien écrite et joliment illustrée. Ce petit garçon de 10 ans au franc parlé et cet homme à la retraite (ou presque) qui se rencontrent et échangent des anecdotes sur \"là-bas\" parfois crédibles et d'autres fois beaucoup moins, mais c'est ce qui fait naître leur belle #amitié... et cette fin... j'ai beaucoup souri en lisant ce livre !" + }, + "key": "521" + }, + { + "attributes": { + "blank": " ", + "id": "522", + "language": "fr", + "text_to_embed": "J'ai adoré cette histoire. Je l'ai trouvé super mignonne, bien écrite et joliment illustrée. Ce petit garçon de 10 ans au franc parlé et cette homme à la retraite (ou presque) qui se rencontrent et échangent des anecdotes sur \"là-bas\" parfois #crédibles et d'autres fois #beaucoupmoins, mais c'est ce qui fait naître leur belle amitié... et cette fin... j'ai beaucoup souri en lisant ce livre !" + }, + "key": "522" + }, + { + "attributes": { + "blank": " ", + "id": "523", + "language": "fr", + "text_to_embed": "J'ai adoré cette histoire. Je l'ai trouvé #supermignonne, #bienécrite et joliment illustrée. Ce petit garçon de 10 ans au franc parlé et cette homme à la retraite (ou presque) qui se rencontrent et échangent des anecdotes sur \"là-bas\" parfois crédibles et d'autres fois beaucoup moins, mais c'est ce qui fait naître leur belle amitié... et cette fin... j'ai beaucoup souri en lisant ce livre !" + }, + "key": "523" + }, + { + "attributes": { + "blank": " ", + "id": "524", + "language": "fr", + "text_to_embed": "J'ai adoré cette histoire. Je l'ai trouvé super mignonne, bien écrite et joliment illustrée. Ce petit garçon de 10 ans au franc parlé et cet homme à la retraite (ou presque) qui se rencontrent et échangent des #anecdotes sur \"là-bas\" parfois crédibles et d'autres fois beaucoup moins, mais c'est ce qui fait naître leur belle amitié... et cette fin... j'ai beaucoup #souri en lisant ce livre." + }, + "key": "524" + }, + { + "attributes": { + "blank": " ", + "id": "525", + "language": "fr", + "text_to_embed": "J'ai adoré cette histoire. Je l'ai trouvé super mignonne, bien écrite et joliment illustrée. Ce petit garçon de 10 ans au franc parlé et cette homme à la retraite (ou presque) qui se rencontrent et échangent des anecdotes sur \"là-bas\" parfois crédibles et d'autres fois beaucoup moins, mais c'est ce qui fait #naîtrelleurbelleamitié... et cette fin..... j'ai beaucoup souri en lisant ce livre." + }, + "key": "525" + }, + { + "attributes": { + "blank": " ", + "id": "526", + "language": "fr", + "text_to_embed": "J'ai adoré cette histoire. Je l'ai trouvé super mignonne, bien écrite et joliment illustrée. Ce petit garçon de 10 ans au franc parlé et cette homme à la retraite (ou presque) qui se rencontrent et échangent des #anecdotes sur \"là-bas\" parfois crédibles et d'autres fois beaucoup moins, mais c'est ce qui fait naître leur belle #amitié... et cette fin, j'ai beaucoup souri en lisant ce livre." + }, + "key": "526" + }, + { + "attributes": { + "blank": " ", + "id": "527", + "language": "fr", + "text_to_embed": "J'ai adoré cette histoire. Je l'ai trouvé super mignonne, bien écrite et joliment illustrée. Ce petit garçon de 10 ans au franc parlé et cette homme à la retraite (ou presque) qui se rencontrent et échangent des anecdotes sur \"là-bas\" parfois crédibles et d'autres fois beaucoup moins, mais c'est ce qui fait naître leur belle amitié... et cette fin... j'ai beaucoup souri en lisant ce livre‼" + }, + "key": "527" + }, + { + "attributes": { + "blank": " ", + "id": "528", + "language": "fr", + "text_to_embed": "J'ai adoré cette histoire‼ Je l'ai trouvé super #mignonne, bien écrite et joliment illustrée. Ce petit garçon de 10 ans au franc parlé et cette homme à la retraite (ou presque) qui se rencontrent et échangent des anecdotes sur \"là-bas\" parfois crédibles et d'autres fois beaucoup moins, mais c'est ce qui fait naître leur belle amitié... et cette fin... j'ai beaucoup souri en lisant ce livre !" + }, + "key": "528" + }, + { + "attributes": { + "blank": " ", + "id": "530", + "language": "fr", + "text_to_embed": "Ce roman raconte l'histoire d'un fils, le narrateur principal, qui a perdu son père et qui voit sa mère peu à peu sombrer dans la folie. L'histoire démarre en 1987, le narrateur est adolescent et découvre les premiers émois amoureux. L'accident soudain du Père accentue la démence, déjà présente, de la Mère. Elle accumule et entasse des objets qui l'isolent petit à petit du monde extérieur et du Fils. « Orpheliné de son vivant » dira-t-il." + }, + "key": "530" + }, + { + "attributes": { + "blank": " ", + "id": "531", + "language": "en", + "text_to_embed": "This novel tells the story of a son, the main narrator, who has lost his father and is gradually watching his mother sink into madness. The story begins in 1987, when the narrator is an adolescent discovering his first love. His father's sudden accident accentuates his mother's already present dementia. She accumulates and piles up objects that gradually isolate her from the outside world and from her son. \"Orphaned while he was alive\", he would say." + }, + "key": "531" + }, + { + "attributes": { + "blank": " ", + "id": "533", + "language": "pt", + "text_to_embed": "Este romance conta a história de um filho, o narrador principal, que perdeu o pai e vê a mãe afundar-se gradualmente na loucura. A história começa em 1987, quando o narrador é um adolescente que está a descobrir o seu primeiro amor. O súbito acidente do pai acentua a demência já presente na mãe. Ela acumula e empilha objectos que a isolam progressivamente do mundo exterior e do filho. \"Órfão em vida\", diria ele." + }, + "key": "533" + }, + { + "attributes": { + "blank": " ", + "id": "534", + "language": "zh", + "text_to_embed": "这部小说讲述了一个儿子(即主要叙述者)的故事,他失去了父亲,眼睁睁地看着母亲逐渐陷入疯狂。故事开始于 1987 年,当时叙述者还是一个发现自己初恋的少年。父亲突如其来的事故使母亲原本就有的痴呆症更加严重。她堆积了大量物品,逐渐与外界和儿子隔绝。他说,\"在他活着的时候就成了孤儿\"。" + }, + "key": "534" + }, + { + "attributes": { + "blank": " ", + "id": "536", + "language": "ru", + "text_to_embed": "В этом романе рассказывается история сына, главного рассказчика, потерявшего отца и постепенно погружающегося в безумие матери. Действие романа начинается в 1987 году, когда подросток открывает для себя первую любовь. Внезапная авария отца усиливает уже имеющееся слабоумие матери. Она накапливает и накапливает предметы, которые постепенно изолируют ее от внешнего мира и от сына. \"Осиротел при жизни\", - сказал бы он." + }, + "key": "536" + }, + { + "attributes": { + "blank": " ", + "id": "540", + "language": "fr", + "text_to_embed": "Agathe Fallet, veuve de l'écrivain René Fallet, se montre comme une femme fidèle, à son Bourdonnais natal, en Auvergne, sa rivière, la Besbre, son mari et son meilleur ami, le chanteur Georges Brassens. Et ce livre, en apparence tout simple, restitue l'atmosphère des rencontres régulières entre ces \"copains\" et affiliés, constituant une bande, proche d'une famille de substitution." + }, + "key": "540" + }, + { + "attributes": { + "blank": " ", + "id": "541", + "language": "fr", + "text_to_embed": "Agathe Fallet, veuve de l'écrivain René Fallet, démontre une fidélité indéfectible envers sa terre natale, le Bourdonnais en Auvergne, sa rivière bien-aimée, la Besbre, son mari et son meilleur ami, le chanteur Georges Brassens. Ce livre d'apparence modeste capture avec justesse l'ambiance des rencontres régulières entre ces \"copains\" et membres de la bande, qui forment une sorte de famille de substitution." + }, + "key": "541" + }, + { + "attributes": { + "blank": " ", + "id": "542", + "language": "fr", + "text_to_embed": "Agathe Fallet, veuve de l'écrivain René Fallet, se révèle être une femme loyale envers sa terre natale du Bourdonnais en Auvergne, sa rivière chérie, la Besbre, son défunt mari et son intime ami, le chanteur Georges Brassens. Cette œuvre en apparence simple, réussit à capturer l'atmosphère des rencontres régulières entre ces compagnons et alliés, formant ainsi une bande qui ressemble davantage à une famille choisie." + }, + "key": "542" + }, + { + "attributes": { + "blank": " ", + "id": "543", + "language": "fr", + "text_to_embed": "Malgré le décès de René Fallet, Agathe Fallet, sa veuve, reste profondément attachée à son Bourdonnais natal en Auvergne, à la rivière Besbre, à son défunt mari et à son complice fidèle, le chanteur Georges Brassens. Ce livre, en apparence sans prétention, parvient à recréer l'atmosphère des rencontres régulières entre ces \"camarades\" et membres du cercle, qui forment une véritable famille de substitution." + }, + "key": "543" + }, + { + "attributes": { + "blank": " ", + "id": "544", + "language": "fr", + "text_to_embed": "Agathe Fallet, veuve de l'écrivain René Fallet, demeure une femme fidèle envers sa région natale du Bourdonnais en Auvergne, sa rivière bien-aimée, la Besbre, son mari et son ami le plus cher, le chanteur Georges Brassens. Ce livre, en apparence simple, parvient à transmettre l'ambiance des rencontres régulières entre ces \"compagnons\" et affiliés, créant ainsi une bande qui ressemble à une famille de substitution." + }, + "key": "544" + }, + { + "attributes": { + "blank": " ", + "id": "545", + "language": "fr", + "text_to_embed": "Malgré le décès de René Fallet, Agathe Fallet, sa veuve, montre une loyauté inébranlable envers sa terre natale du Bourdonnais en Auvergne, sa rivière bien-aimée, la Besbre, son mari et son meilleur ami, le chanteur Georges Brassens. Ce livre, en apparence modeste, restitue avec exactitude l'ambiance des rencontres régulières entre ces \"copains\" et membres associés, formant ainsi une bande qui ressemble étrangement à une famille de substitution." + }, + "key": "545" + }, + { + "attributes": { + "blank": " ", + "id": "546", + "language": "fr", + "text_to_embed": "Agathe Fallet, veuve de l'écrivain René Fallet, se dévoile comme une femme loyale envers son Bourdonnais natal en Auvergne, sa rivière chérie, la Besbre, son mari défunt et son ami fidèle, le chanteur Georges Brassens. Ce livre, en apparence simple, réussit à recréer l'atmosphère des rencontres régulières entre ces \"camarades\" et affiliés, qui forment quasi une famille adoptive." + }, + "key": "546" + }, + { + "attributes": { + "blank": " ", + "id": "547", + "language": "fr", + "text_to_embed": "En dépit de la disparition de René Fallet, Agathe Fallet, sa veuve, demeure fidèle à son Bourdonnais natal en Auvergne, à la rivière Besbre qu'elle chérit, à son mari défunt et à son meilleur ami, le chanteur Georges Brassens. Dans ce livre en apparence sans prétention, on retrouve avec justesse l'atmosphère des rencontres régulières entre ces \"compagnons\" et affiliés, formant ainsi une bande proche d'une famille de substitution." + }, + "key": "547" + }, + { + "attributes": { + "blank": " ", + "id": "548", + "language": "fr", + "text_to_embed": "Agathe Fallet, veuve de l'écrivain René Fallet, fait preuve d'une loyauté sans faille envers son Bourdonnais natal en Auvergne, sa bien-aimée Besbre, son défunt mari et son fidèle ami, le chanteur Georges Brassens. Ce livre, en apparence simple, restitue avec précision l'atmosphère des rencontres régulières entre ces \"copains\" et membres du groupe, formant ainsi une bande qui rappelle une famille choisie." + }, + "key": "548" + }, + { + "attributes": { + "blank": " ", + "id": "550", + "language": "fr", + "text_to_embed": "J'ai passé un excellent moment avec ces trois femmes excentriques, exubérantes, si différentes les unes des autres et pourtant tellement attachantes. L'enquête est bien ficelée et tout s'imbrique à la perfection dans les derniers chapitres. L'histoire et l'intrigue sont habillement écrites, j'ai pris beaucoup de plaisir à suivre ces trois personnalités dans leur investigations 🧐" + }, + "key": "550" + }, + { + "attributes": { + "blank": " ", + "id": "552", + "language": "fr", + "text_to_embed": "J'ai vraiment apprécié passer un excellent moment avec ces trois femmes excentriques, exubérantes et pourtant si attachantes, alors que l'enquête se déroulait parfaitement dans les derniers chapitres." + }, + "key": "552" + }, + { + "attributes": { + "blank": " ", + "id": "553", + "language": "fr", + "text_to_embed": "L'enquête, bien ficelée, a réussi à intégrer à la perfection les différents aspects de l'histoire et de l'intrigue, ce qui a rendu mon expérience de suivre ces trois personnalités dans leurs investigations très plaisante." + }, + "key": "553" + }, + { + "attributes": { + "blank": " ", + "id": "554", + "language": "fr", + "text_to_embed": "Ces trois femmes excentriques, exubérantes et attachantes ont rendu ce moment excellent, d'autant plus que l'enquête est bien ficelée et que tout s'imbrique parfaitement dans les derniers chapitres." + }, + "key": "554" + }, + { + "attributes": { + "blank": " ", + "id": "555", + "language": "fr", + "text_to_embed": "J'ai passé un moment excellent avec ces trois femmes excentriques, exubérantes, si différentes les unes des autres mais tellement attachantes, grâce à l'histoire et l'intrigue habillement écrites." + }, + "key": "555" + }, + { + "attributes": { + "blank": " ", + "id": "556", + "language": "fr", + "text_to_embed": "Ces trois femmes excentriques, exubérantes et attachantes m'ont permis de passer un moment excellent, notamment grâce à l'enquête qui se déroule à la perfection dans les derniers chapitres." + }, + "key": "556" + }, + { + "attributes": { + "blank": " ", + "id": "558", + "language": "fr", + "text_to_embed": "J'ai pris beaucoup de plaisir à suivre ces trois personnalités dans leurs investigations, grâce à l'histoire et l'intrigue habillement écrites, ce qui a rendu ce moment excellent avec ces femmes excentriques, exubérantes et attachantes." + }, + "key": "558" + }, + { + "attributes": { + "blank": " ", + "id": "560", + "language": "fr", + "text_to_embed": "Après une très belle intégrale des Pin-Up de Lui ,par Aslan parue en 2019, les éditions « Dynamite »nous offrent, dans le même format, un superbe recueil de Pin-Up , illustré par Giovanna Casotto, auteur que j’affectionne particulièrement à travers l’ensemble des albums que je possède que ce soit dans les très belles rééditions chez « Dynamite » ou encore dans la collection « Selen » chez « Vents d’Ouest », pour les albums originaux." + }, + "key": "560" + }, + { + "attributes": { + "blank": " ", + "id": "561", + "language": "fr", + "text_to_embed": "Après une très belle intégrale des #Pin-Up de Lui, par Aslan, parue en 2019, les éditions « Dynamite » nous offrent, dans le même format, un superbe recueil de Pin-Up, illustré par Giovanna Casotto, auteur que j’affectionne particulièrement à travers l’ensemble des albums que je possède, que ce soit dans les très belles rééditions chez « Dynamite » ou encore dans la collection « Selen » chez « Vents d’Ouest », pour les albums originaux." + }, + "key": "561" + }, + { + "attributes": { + "blank": " ", + "id": "562", + "language": "fr", + "text_to_embed": "Après une très belle intégrale des #Pin-Up de Lui par Aslan, parue en 2019, les éditions « Dynamite » nous offrent, dans le même format, un superbe recueil de Pin-Up illustré par Giovanna Casotto, auteur que j’affectionne particulièrement grâce à l’ensemble des albums que je possède que ce soit dans les très belles rééditions chez « Dynamite » ou encore dans la collection « Selen » chez « Vents d’Ouest », pour les albums originaux." + }, + "key": "562" + }, + { + "attributes": { + "blank": " ", + "id": "563", + "language": "fr", + "text_to_embed": "Après une très belle intégrale des #Pin-Up de Lui par Aslan, parue en 2019, les éditions « Dynamite » nous offrent, dans le même #format, un superbe recueil de Pin-Up illustré par Giovanna Casotto, auteur que j’affectionne particulièrement à travers l’ensemble des albums que je possède que ce soit dans les très belles rééditions chez « Dynamite » ou encore dans la collection « Selen » chez « Vents d’Ouest », pour les albums originaux." + }, + "key": "563" + }, + { + "attributes": { + "blank": " ", + "id": "564", + "language": "fr", + "text_to_embed": "Après une très belle intégrale des #Pin-Up de Lui par Aslan, parue en 2019, les éditions « Dynamite » nous offrent, dans le même #format, un superbe recueil de Pin-Up illustré par Giovanna Casotto, auteur que j’affectionne particulièrement à travers l’ensemble des albums que je possède, que ce soit dans les très belles rééditions chez « Dynamite » ou encore dans la collection « Selen » chez « Vents d’Ouest », pour les #albums originaux." + }, + "key": "564" + }, + { + "attributes": { + "blank": " ", + "id": "565", + "language": "fr", + "text_to_embed": "Après une très belle intégrale des #Pin-Up de Lui par Aslan, parue en 2019, les éditions « Dynamite » nous offrent, dans le même format, un #magnifique recueil de Pin-Up illustré par Giovanna Casotto, auteur que j’affectionne particulièrement à travers l’ensemble des albums que je possède, que ce soit dans les très belles rééditions chez « Dynamite » ou encore dans la collection « Selen » chez « Vents d’Ouest », pour les albums originaux." + }, + "key": "565" + }, + { + "attributes": { + "blank": " ", + "id": "566", + "language": "fr", + "text_to_embed": "Après une très belle intégrale des #Pin-Up de Lui par Aslan, parue en 2019, les éditions « Dynamite » nous offrent, dans le même format, un superbe recueil de Pin-Up illustré par Giovanna Casotto, auteur que j’affectionne particulièrement à travers l’ensemble des albums que je possède mais que ce soit dans les très belles rééditions chez « Dynamite » ou encore dans la collection « Selen » chez « Vents d’Ouest », pour les albums originaux." + }, + "key": "566" + }, + { + "attributes": { + "blank": " ", + "id": "567", + "language": "fr", + "text_to_embed": "Après une très belle intégrale des Pin-Up de Lui #réalisée par Aslan, parue en 2019, les éditions « Dynamite » nous offrent, dans le même format, un superbe recueil de Pin-Up illustré par Giovanna Casotto, auteur que j’affectionne particulièrement à travers l’ensemble des albums que je possède que ce soit dans les très belles rééditions chez « Dynamite » ou encore dans la collection « Selen » chez « Vents d’Ouest », pour les albums originaux." + }, + "key": "567" + }, + { + "attributes": { + "blank": " ", + "id": "568", + "language": "fr", + "text_to_embed": "Après une très belle intégrale des Pin-Up de Lui par Aslan, parue en 2019, les éditions « Dynamite » nous offrent, dans le même format, un superbe recueil de Pin-Up illustré par Giovanna Casotto, auteur que j’adore particulièrement à travers l’ensemble des albums que je possède que ce soit dans les très belles rééditions chez « Dynamite » ou encore dans la collection « Selen » chez « Vents d’Ouest », pour les albums originaux." + }, + "key": "568" + }, + { + "attributes": { + "blank": " ", + "id": "570", + "language": "fr", + "text_to_embed": "Une œuvre qui avait marqué mon adolescence, mais qui restait un vague souvenir. J'ai donc profité de cette hype généré par le film pour me procurer cette \"nouvelle traduction\" et me plonger dans une relecture 30 ans après.. Force est de constater qu'une œuvre majeure reste une œuvre majeure, un monument de SF, qui reste toujours aussi incroyable quelque soit le moment de sa vie. Donc à dans 30 ans !!" + }, + "key": "570" + }, + { + "attributes": { + "blank": " ", + "id": "571", + "language": "en", + "text_to_embed": "It was a work that marked my adolescence, but remained a vague memory. So I took advantage of the hype generated by the film to get hold of this 'new translation' and immerse myself in a rereading 30 years later... It has to be said that a major work of art remains a major work of art, a monument to SF, which remains as incredible as ever, whatever the moment of its life. So see you in 30 years!" + }, + "key": "571" + }, + { + "attributes": { + "blank": " ", + "id": "572", + "language": "de", + "text_to_embed": "Ein Werk, das meine Teenagerzeit geprägt hatte, aber nur eine vage Erinnerung blieb. Ich nutzte also den durch den Film erzeugten Hype, um mir diese \"neue Übersetzung\" zu besorgen und mich 30 Jahre später in eine erneute Lektüre zu stürzen. Es bleibt festzuhalten, dass ein Hauptwerk ein Hauptwerk bleibt, ein Monument der SF, das immer noch unglaublich ist, egal zu welchem Zeitpunkt seines Lebens. Also bis in 30 Jahren!!!" + }, + "key": "572" + }, + { + "attributes": { + "blank": " ", + "id": "573", + "language": "pt", + "text_to_embed": "Foi uma obra que marcou a minha adolescência, mas que permaneceu numa vaga memória. Por isso, aproveitei a excitação gerada pelo filme para me apoderar desta \"nova tradução\" e mergulhar numa releitura 30 anos depois... É preciso dizer que uma grande obra de arte continua a ser uma grande obra de arte, um monumento à FC, que continua tão incrível como sempre, seja qual for o momento da sua vida. Então, até daqui a 30 anos!" + }, + "key": "573" + }, + { + "attributes": { + "blank": " ", + "id": "574", + "language": "zh", + "text_to_embed": "这部作品在我的青春期留下了深刻的印记,但在我的记忆中却一直模糊不清。于是,我借着电影的热潮,拿到了这部 \"新译本\",沉浸在 30 年后的重读之中......不得不说,一部重要的艺术作品依然是一部重要的艺术作品,是一部 SF 的丰碑,无论其生命的哪一刻,都一如既往地令人难以置信。30年后再见!" + }, + "key": "574" + }, + { + "attributes": { + "blank": " ", + "id": "578", + "language": "it", + "text_to_embed": "È un'opera che ha segnato la mia adolescenza, ma che è rimasta un vago ricordo. Così ho approfittato del clamore suscitato dal film per procurarmi questa \"nuova traduzione\" e immergermi in una rilettura a distanza di 30 anni... Va detto che una grande opera d'arte rimane una grande opera d'arte, un monumento alla SF, che rimane incredibile come sempre, qualunque sia il momento della sua vita. Quindi ci vediamo tra 30 anni!" + }, + "key": "578" + }, + { + "attributes": { + "blank": " ", + "id": "580", + "language": "fr", + "text_to_embed": "Natasha Trethewey était une ado dans les années 80. Moi aussi. Et je me disais en lisant ce texte que pendant que je traînais avec mes copines, allais danser dans les sous-sols des pavillons de banlieue et fumais mes premières cigarettes, précisément à la même époque où pour tout et pour rien, légère et insouciante, je riais comme une folle, là-bas, de l’autre côté de l’Atlantique, dans le Sud des États-Unis, elle, l’autrice, tremblait de peur." + }, + "key": "580" + }, + { + "attributes": { + "blank": " ", + "id": "581", + "language": "fr", + "text_to_embed": "\"Natasha Trethewey était une ado dans les années 80. #souvenirsdenotrejeunesse Moi aussi. Et je me disais en lisant ce texte que pendant que je traînais avec mes copines, allais danser dans les sous-sols des pavillons de banlieue et fumais mes premières cigarettes, précisément à la même époque où pour tout et pour rien, légère et insouciante, je riais comme une folle, là-bas, de l’autre côté de l’Atlantique, dans le Sud des États-Unis, elle, l’autrice, tremblait de peur.\"" + }, + "key": "581" + }, + { + "attributes": { + "blank": " ", + "id": "582", + "language": "fr", + "text_to_embed": "\"Natasha Trethewey était une ado dans les années 80. #nostalgie Moi aussi. Et je me disais en lisant ce texte que pendant que je traînais avec mes copines, allais danser dans les sous-sols des pavillons de banlieue et fumais mes premières cigarettes. Précisément à la même époque, où pour tout et pour rien, légère et insouciante, je riais comme une folle, là-bas, de l’autre côté de l’Atlantique, dans le Sud des États-Unis, elle, l’autrice, tremblait de peur.\"" + }, + "key": "582" + }, + { + "attributes": { + "blank": " ", + "id": "583", + "language": "fr", + "text_to_embed": "\"Natasha Trethewey était une ado dans les années 80. #sisterdecoeur Moi aussi. Et je me disais, en lisant ce texte, que pendant que je traînais avec mes copines, allais danser dans les sous-sols des pavillons de banlieue et fumais mes premières cigarettes, précisément à la même époque où, pour tout et pour rien, légère et insouciante, je riais comme une folle. Là-bas, de l’autre côté de l’Atlantique, dans le Sud des États-Unis, elle, l’autrice, tremblait de peur!\"" + }, + "key": "583" + }, + { + "attributes": { + "blank": " ", + "id": "584", + "language": "fr", + "text_to_embed": "\"Natasha Trethewey était une ado dans les années 80. Moi aussi. Et je me disais, en lisant ce texte, que pendant que je traînais avec mes copines, allais danser dans les sous-sols des pavillons de banlieue et fumais mes premières cigarettes, précisément à la même époque où pour tout et pour rien, légère et insouciante, je riais comme une folle. Là-bas, de l’autre côté de l’Atlantique, dans le Sud des États-Unis, elle, l’autrice, #avaitpeur.\"" + }, + "key": "584" + }, + { + "attributes": { + "blank": " ", + "id": "585", + "language": "fr", + "text_to_embed": "\"Natasha Trethewey était une ado dans les années 80. #JeMeRappelle Moi aussi. Et je me disais en lisant ce texte que pendant que je traînais avec mes copines, allais danser dans les sous-sols des pavillons de banlieue et fumais mes premières cigarettes, précisément à la même époque où pour tout et pour rien, légère et insouciante, je riais comme une folle, là-bas, de l’autre côté de l’Atlantique, dans le Sud des États-Unis, elle, l’autrice, tremblait de peur.\"" + }, + "key": "585" + }, + { + "attributes": { + "blank": " ", + "id": "586", + "language": "fr", + "text_to_embed": "\"Natasha Trethewey était une ado dans les années 80. Moi aussi. Et je me disais en lisant ce texte que pendant que je traînais avec mes copines, allais danser dans les sous-sols des pavillons de banlieue et fumais mes premières cigarettes, précisément à la même époque où pour tout et pour rien, légère et insouciante, je riais comme une folle. Là-bas, de l’autre côté de l’Atlantique, dans le Sud des #USA, elle, l’autrice, tremblait de peur.\"" + }, + "key": "586" + }, + { + "attributes": { + "blank": " ", + "id": "587", + "language": "fr", + "text_to_embed": "\"Natasha Trethewey était une ado dans les années 80. Moi aussi. Et je me disais en lisant ce texte, que pendant que je traînais avec mes copines, allais danser dans les sous-sols des pavillons de banlieue et fumais mes premières cigarettes, précisément à la même époque où pour tout et pour rien, légère et insouciante, je riais comme une folle. Là-bas, de l’autre côté de l’Atlantique, dans le Sud des États-Unis, elle, #talentueuse et #brave, tremblait de peur.\"" + }, + "key": "587" + }, + { + "attributes": { + "blank": " ", + "id": "588", + "language": "fr", + "text_to_embed": "\"Natasha Trethewey était une ado dans les années 80. Moi aussi. Et je me disais en lisant ce texte, que pendant que je traînais avec mes copines, allais danser dans les sous-sols des pavillons de banlieue et fumais mes premières cigarettes, précisément à la même époque où pour tout et pour rien, légère et insouciante, je riais comme une folle. Là-bas, de l’autre côté de l’Atlantique, dans le Sud des États-Unis, elle, l’autrice, tremblait de peur...!\"" + }, + "key": "588" + }, + { + "attributes": { + "blank": " ", + "id": "590", + "language": "fr", + "text_to_embed": "waaaah ca faisait longtemps que j'avais pas lu un aussi bon suspens qui me tiennent en haleine comme ça !! il est vraiment bien construit....la tension monte, ça fait bien flipper !!! d'ailleurs le phénomène a déjà commencé sur ce sujet de notre époque ou tout est connecté....je connaissais pas l'auteur mais je vais voir si j'en vois d'autre pour voir si tout aussi bien." + }, + "key": "590" + }, + { + "attributes": { + "blank": " ", + "id": "591", + "language": "en", + "text_to_embed": "It's been a long time since I've read such good suspense that keeps me on the edge of my seat! it's really well constructed....the tension mounts, it's really scary! moreover the phenomenon has already begun on this subject of our era where everything is connected....I didn't know the author but I'll see if I see any others to see if everything is just as good." + }, + "key": "591" + }, + { + "attributes": { + "blank": " ", + "id": "593", + "language": "pt", + "text_to_embed": "Há muito tempo que não lia um suspense tão bom que me deixasse com os nervos em franja! está mesmo bem construído.... a tensão aumenta, é mesmo assustador! além disso o fenómeno já começou sobre este assunto da nossa era em que tudo está ligado.... não conhecia o autor mas vou ver se vejo outros para ver se é tudo igualmente bom." + }, + "key": "593" + }, + { + "attributes": { + "blank": " ", + "id": "600", + "language": "fr", + "text_to_embed": "Un livre comme un feu d'artifice, c'est beau même si ça ne vous amène nulle part. L'histoire est secondaire, mais quel style. Aujourd'hui on dirait \"une punchline par page\" des trucs comme \"je me sentais comme un seau d'eau qui regarde une allumette\". J'ai commencé à corner les pages pour noter les citations et puis j'ai maudit Djian : J'avais plus de cinquante pages de cornées et pas l'envie de passer des heures à tous noter." + }, + "key": "600" + }, + { + "attributes": { + "blank": " ", + "id": "601", + "language": "en", + "text_to_embed": "A book like fireworks, it's beautiful even if it doesn't take you anywhere. The story is secondary, but what a style. Nowadays you'd say \"a punchline a page\", things like \"I felt like a bucket of water looking at a match\". I started to corner the pages to note the quotations and then I cursed Djian: I had more than fifty pages marked and I didn't feel like spending hours noting them all down." + }, + "key": "601" + }, + { + "attributes": { + "blank": " ", + "id": "602", + "language": "de", + "text_to_embed": "Ein Buch wie ein Feuerwerk, es ist schön, auch wenn es einen nirgendwohin führt. Die Geschichte ist zweitrangig, aber was für ein Stil. Heute würde man sagen \"eine Pointe pro Seite\" Dinge wie \"Ich fühlte mich wie ein Eimer Wasser, der auf ein Streichholz schaut\". Ich fing an, die Seiten zu cornieren, um die Zitate zu notieren, und dann verfluchte ich Djian: Ich hatte über fünfzig Seiten Hornhaut und keine Lust, Stunden damit zu verbringen, alles aufzuschreiben." + }, + "key": "602" + }, + { + "attributes": { + "blank": " ", + "id": "603", + "language": "pt", + "text_to_embed": "Um livro como fogo de artifício, é belo mesmo que não nos leve a lado nenhum. A história é secundária, mas que estilo. Hoje em dia, dir-se-ia \"uma piada por página\", coisas como \"senti-me como um balde de água a olhar para um fósforo\". Comecei a virar as páginas para anotar as citações e depois amaldiçoei Djian: tinha mais de cinquenta páginas marcadas e não me apetecia passar horas a anotá-las todas." + }, + "key": "603" + }, + { + "attributes": { + "blank": " ", + "id": "606", + "language": "ru", + "text_to_embed": "Книга как фейерверк, она прекрасна, даже если никуда не ведет. Сюжет вторичен, но каков стиль. В наше время можно было бы сказать \"панчлайн на страницу\", что-то вроде \"я чувствовал себя как ведро воды, глядя на спичку\". Я начал загибать страницы, чтобы отметить цитаты, но потом проклял Джиана: у меня было более пятидесяти отмеченных страниц, и мне не хотелось тратить часы на то, чтобы записать их все." + }, + "key": "606" + }, + { + "attributes": { + "blank": " ", + "id": "608", + "language": "it", + "text_to_embed": "Un libro come i fuochi d'artificio, è bello anche se non ti porta da nessuna parte. La storia è secondaria, ma che stile. Oggi si direbbe \"una battuta a pagina\", cose come \"mi sentivo come un secchio d'acqua che guarda un fiammifero\". Ho iniziato a spigolare le pagine per annotare le citazioni e poi ho maledetto Djian: avevo più di cinquanta pagine segnate e non avevo voglia di passare ore ad annotarle tutte." + }, + "key": "608" + }, + { + "attributes": { + "blank": " ", + "id": "610", + "language": "fr", + "text_to_embed": "Je me souviens d’un film italien de 1977 « Padre Patrone ». Il décrivait l'expérience d’un berger sarde, totalement coupé de la civilisation urbaine et demeuré analphabète jusqu'à l'âge du service militaire. Surtout, il montrait le personnage du père, d’une dureté, d’un silence, d’une animalité (non, les animaux sont moins « bestiaux ») inimaginable." + }, + "key": "610" + }, + { + "attributes": { + "blank": " ", + "id": "611", + "language": "fr", + "text_to_embed": "😊 Je me souviens d'un film italien de 1977 \"Padre Patrone\"! Il décrivait l'expérience d'un berger sarde, totalement coupé de la civilisation urbaine et demeuré analphabète jusqu'à l'âge du service militaire. Surtout, il montrait le personnage du père, d'une dureté, d'un silence, d'une animalité (non, les animaux sont moins \"bestiaux\") inimaginable! 😮" + }, + "key": "611" + }, + { + "attributes": { + "blank": " ", + "id": "612", + "language": "fr", + "text_to_embed": "Je me souviens d'un film italien de 1977 \"Padre Patrone\"... Il décrivait l'expérience d'un berger sarde, totalement coupé de la civilisation urbaine et demeuré analphabète jusqu'à l'âge du service militaire! Surtout, il montrait le personnage du père, d'une dureté, d'un silence, d'une animalité (non, les animaux sont moins \"bestiaux\") inimaginable! 😞" + }, + "key": "612" + }, + { + "attributes": { + "blank": " ", + "id": "613", + "language": "fr", + "text_to_embed": "Je me souviens d'un film italien de 1977 \"Padre Patrone\". Il décrivait l'expérience d'un berger sarde, totalement coupé de la civilisation urbaine et demeuré analphabète jusqu'à l'âge du service militaire❗Surtout, il montrait le personnage du père, d'une dureté, d'un silence, d'une animalité (non, les animaux sont moins \"bestiaux\") inimaginable‼️" + }, + "key": "613" + }, + { + "attributes": { + "blank": " ", + "id": "614", + "language": "fr", + "text_to_embed": "Je me souviens d'un film italien de 1977 \"Padre Patrone\"! Il décrivait l'expérience d'un berger sarde, totalement coupé de la civilisation urbaine et demeuré analphabète jusqu'à l'âge du service militaire. Surtout, il montrait le personnage du père, d'une dureté, d'un silence, d'une animalité 😶😲 inimaginable..." + }, + "key": "614" + }, + { + "attributes": { + "blank": " ", + "id": "615", + "language": "fr", + "text_to_embed": "Je me souviens d'un film italien de 1977 \"Padre Patrone\"! Il décrivait l'expérience d'un berger sarde, totalement coupé de la civilisation urbaine et demeuré analphabète jusqu'à l'âge du service militaire. Surtout, il montrait le personnage du père, d'une dureté, d'un silence, d'une animalité (non, les animaux sont moins \"bestiaux\")! Inimaginable..." + }, + "key": "615" + }, + { + "attributes": { + "blank": " ", + "id": "616", + "language": "fr", + "text_to_embed": "Je me souviens d'un film italien de 1977 \"Padre Patrone\"! Il décrivait l'expérience d'un berger sarde, totalement coupé de la civilisation urbaine et demeuré analphabète jusqu'à l'âge du service militaire! Surtout, il montrait le personnage du père, d'une dureté, d'un silence, d'une animalité (non, les animaux sont moins \"bestiaux\")? Inimaginable..." + }, + "key": "616" + }, + { + "attributes": { + "blank": " ", + "id": "617", + "language": "fr", + "text_to_embed": "Je me souviens d'un film italien de 1977 \"Padre Patrone\"! Il décrivait l'expérience d'un berger sarde, totalement coupé de la civilisation urbaine et demeuré analphabète jusqu'à l'âge du service militaire! Surtout, il montrait le personnage du père, d'une dureté, d'un silence, d'une animalité (non, les animaux sont moins \"bestiaux\") inimaginable!! 😮" + }, + "key": "617" + }, + { + "attributes": { + "blank": " ", + "id": "618", + "language": "fr", + "text_to_embed": "Je me souviens d'un film italien de 1977 \"Padre Patrone\"! Il décrivait l'expérience d'un berger sarde, totalement coupé de la civilisation urbaine et demeuré analphabète jusqu'à l'âge du service militaire! Surtout, il montrait le personnage du père, d'une dureté, d'un silence, d'une animalité (non, les animaux sont moins \"bestiaux\") inimaginable? ❓" + }, + "key": "618" + }, + { + "attributes": { + "blank": " ", + "id": "620", + "language": "fr", + "text_to_embed": "La première chose que j’ai faite en recevant le livre d’Alain Billard « La belle histoire des cathédrales » a été de le recouvrir pour le protéger comme je le faisais autrefois pour mes livres de classe. Ce qui m’ a fait sourire lorsque j’ai lu ensuite que l’ouvrage avait été réalisé par les éditions Adapt-Snes association de professeurs du second degré. Editions que je remercie ainsi que Babelio pour m’avoir envoyé ce précieux document." + }, + "key": "620" + }, + { + "attributes": { + "blank": " ", + "id": "621", + "language": "fr", + "text_to_embed": "Dès que j'ai reçu le livre d'Alain Billard « La belle histoire des cathédrales », ma première action a été de le couvrir pour le protéger, tout comme je le faisais avec mes livres de classe dans le passé. Ce qui m'a fait sourire ensuite, c'est de découvrir que cet ouvrage a été édité par les éditions Adapt-Snes, une association de professeurs du second degré, que je remercie, ainsi que Babelio, pour m'avoir envoyé ce précieux document." + }, + "key": "621" + }, + { + "attributes": { + "blank": " ", + "id": "622", + "language": "fr", + "text_to_embed": "À la réception du livre d'Alain Billard « La belle histoire des cathédrales », j'ai immédiatement pris soin de le recouvrir afin de le protéger, comme je le faisais autrefois avec mes livres scolaires. Par la suite, j'ai souri en lisant que cet ouvrage avait été réalisé par les éditions Adapt-Snes, une association de professeurs du second degré, que je tiens à remercier, tout comme Babelio, de m'avoir envoyé ce précieux document." + }, + "key": "622" + }, + { + "attributes": { + "blank": " ", + "id": "623", + "language": "fr", + "text_to_embed": "Quand j'ai reçu le livre d'Alain Billard « La belle histoire des cathédrales », ma première action a été de le recouvrir pour le préserver, comme je le faisais avec mes livres de classe autrefois. Ce qui m'a amusé ensuite, c'est de constater que cet ouvrage avait été réalisé par les éditions Adapt-Snes, une association de professeurs du second degré, que je remercie chaleureusement, ainsi que Babelio, pour m'avoir envoyé ce précieux document." + }, + "key": "623" + }, + { + "attributes": { + "blank": " ", + "id": "624", + "language": "fr", + "text_to_embed": "Après avoir reçu le livre d'Alain Billard « La belle histoire des cathédrales », ma première réaction a été de le protéger en le recouvrant, tout comme je le faisais autrefois avec mes livres scolaires. Ce qui m'a fait sourire lorsque j'ai poursuivi ma lecture, c'est d'apprendre que cet ouvrage avait été réalisé par les éditions Adapt-Snes, une association de professeurs du second degré, que je souhaite remercier, ainsi que Babelio, pour m'avoir envoyé ce précieux document." + }, + "key": "624" + }, + { + "attributes": { + "blank": " ", + "id": "625", + "language": "fr", + "text_to_embed": "Lorsque j'ai reçu le livre d'Alain Billard « La belle histoire des cathédrales », ma première action a été de le recouvrir pour le préserver, tout comme je le faisais autrefois avec mes manuels scolaires. Ce qui m'a fait sourire durant ma lecture, c'est de découvrir que cet ouvrage était l'œuvre des éditions Adapt-Snes, une association de professeurs du second degré, que je tiens à remercier, de même que Babelio, pour m'avoir envoyé ce précieux document." + }, + "key": "625" + }, + { + "attributes": { + "blank": " ", + "id": "626", + "language": "fr", + "text_to_embed": "Dès réception du livre d'Alain Billard « La belle histoire des cathédrales », j'ai pris soin de le couvrir afin de le protéger, à l'instar de mes pratiques passées avec mes livres scolaires. Ce qui m'a fait sourire par la suite, c'est de constater que cet ouvrage avait été réalisé par les éditions Adapt-Snes, une association de professeurs du second degré, que je souhaite donc remercier, tout comme Babelio, pour m'avoir envoyé ce précieux document." + }, + "key": "626" + }, + { + "attributes": { + "blank": " ", + "id": "627", + "language": "fr", + "text_to_embed": "Lorsque j'ai reçu le livre d'Alain Billard « La belle histoire des cathédrales », ma première réaction a été de le recouvrir pour le protéger, comme je le faisais autrefois avec mes manuels scolaires. Ce qui m'a fait sourire par la suite, c'est de découvrir que cet ouvrage avait été réalisé par les éditions Adapt-Snes, une association de professeurs du second degré, que je tiens à remercier, ainsi que Babelio, pour m'avoir envoyé ce précieux document." + }, + "key": "627" + }, + { + "attributes": { + "blank": " ", + "id": "628", + "language": "fr", + "text_to_embed": "En recevant le livre d'Alain Billard « La belle histoire des cathédrales », ma première action a été de le couvrir pour le protéger, comme je le faisais autrefois avec mes livres de classe. Ce qui m'a fait sourire lorsque j'ai par la suite découvert que cet ouvrage était le fruit des éditions Adapt-Snes, une association de professeurs du second degré, que je remercie ainsi que Babelio de m'avoir envoyé ce précieux document." + }, + "key": "628" + }, + { + "attributes": { + "blank": " ", + "id": "630", + "language": "fr", + "text_to_embed": "J’ai une bonne culture musicale en ce qui concerne la musique classique et j’aime beaucoup l’opéra ; Bach, Beethoven et Mozart sont parmi mes compositeurs préférés. Par ailleurs, j’apprécie les romans historiques et je m’intéresse tout particulièrement à ceux qui font référence à la seconde guerre mondiale et à la Shoah. À la lecture de la quatrième de couverture, je n’ai donc pas hésité et je n’ai pas été déçue !" + }, + "key": "630" + }, + { + "attributes": { + "blank": " ", + "id": "631", + "language": "fr", + "text_to_embed": "J’ai une excellente culture musicale en ce qui concerne la musique classique et j’aime énormément l’opéra ; Bach, Beethoven et Mozart sont parmi mes compositeurs préférés. Par ailleurs, j’apprécie les romans historiques et je m’intéresse tout particulièrement à ceux qui font référence à la seconde guerre mondiale et à la Shoah. À la lecture de la quatrième de couverture, je n’ai donc pas hésité et je n’ai pas été déçue ! #passionmusicale #livreshistoriques #référencesecondeguerremondiale" + }, + "key": "631" + }, + { + "attributes": { + "blank": " ", + "id": "632", + "language": "fr", + "text_to_embed": "J’ai une bonne culture musicale en ce qui concerne la musique classique et j’aime beaucoup l’opéra ; Bach, Beethoven et Mozart sont parmi mes compositeurs adorés. Par ailleurs, j’apprécie les romans historiques et je m’intéresse tout particulièrement à ceux qui font référence à la seconde guerre mondiale et à la Shoah. À la lecture de la quatrième de couverture, je n’ai donc pas hésité et je n’ai pas été déçue ! #passionopéra #livreshistoriques #référencesecondeguerremondiale" + }, + "key": "632" + }, + { + "attributes": { + "blank": " ", + "id": "633", + "language": "fr", + "text_to_embed": "J’ai une bonne culture musicale en ce qui concerne la musique classique et j’aime beaucoup l’opéra ; Bach, Beethoven et Mozart sont parmi mes compositeurs préférés. Par ailleurs, j’adore les romans historiques et je m’intéresse tout particulièrement à ceux qui font référence à la seconde guerre mondiale et à la Shoah. À la lecture de la quatrième de couverture, je n’ai donc pas hésité et je n’ai pas été déçue ! #passionclassique #romanshistoriques #référencesecondeguerremondiale" + }, + "key": "633" + }, + { + "attributes": { + "blank": " ", + "id": "634", + "language": "fr", + "text_to_embed": "J’ai une bonne culture musicale en ce qui concerne la musique classique et j’aime beaucoup l’opéra ; Bach, Beethoven et Mozart sont parmi mes compositeurs préférés. Par ailleurs, j’apprécie énormément les romans historiques et je m’intéresse tout particulièrement à ceux qui font référence à la seconde guerre mondiale et à la Shoah. À la lecture de la quatrième de couverture, je n’ai donc pas hésité et je n’ai pas été déçue ! #passionmusiqueclassique #romanshistoriques #référencesecondeguerremondiale" + }, + "key": "634" + }, + { + "attributes": { + "blank": " ", + "id": "635", + "language": "fr", + "text_to_embed": "J’ai une bonne culture musicale en ce qui concerne la musique classique et j’aime beaucoup l’opéra ; Bach, Beethoven et Mozart sont parmi mes compositeurs préférés. Par ailleurs, j’apprécie les romans historiques et je m’intéresse fortement à ceux qui font référence à la seconde guerre mondiale et à la Shoah. À la lecture de la quatrième de couverture, je n’ai donc pas hésité et je n’ai pas été déçue ! #passionopéra #romanshistoriques #référenceshistoriques" + }, + "key": "635" + }, + { + "attributes": { + "blank": " ", + "id": "636", + "language": "fr", + "text_to_embed": "J’ai une bonne culture musicale en ce qui concerne la musique classique et j’aime beaucoup l’opéra ; Bach, Beethoven et Mozart sont parmi mes compositeurs préférés. Par ailleurs, j’apprécie les romans historiques et je m’intéresse tout particulièrement à ceux qui font référence à la première guerre mondiale et à la Shoah. À la lecture de la quatrième de couverture, je n’ai donc pas hésité et je n’ai pas été déçue ! #passionmusicale #romanshistoriques #référencepremièreguerremondiale" + }, + "key": "636" + }, + { + "attributes": { + "blank": " ", + "id": "637", + "language": "fr", + "text_to_embed": "J’ai une bonne culture musicale en ce qui concerne la musique classique et j’aime beaucoup l’opéra ; Bach, Beethoven et Mozart sont parmi mes compositeurs préférés. Par ailleurs, j’apprécie les romans historiques et je m’intéresse tout particulièrement à ceux qui font référence à la seconde guerre mondiale et à l'Holocauste. À la lecture de la quatrième de couverture, je n’ai donc pas hésité et je n’ai pas été déçue ! #passionopéra #romanshistoriques #référencesecondeguerremondiale" + }, + "key": "637" + }, + { + "attributes": { + "blank": " ", + "id": "638", + "language": "fr", + "text_to_embed": "J’ai une bonne culture musicale en ce qui concerne la musique classique et j’aime beaucoup l’opéra ; Bach, Beethoven et Mozart sont parmi mes compositeurs préférés. De plus, j’apprécie les romans historiques et je m’intéresse tout particulièrement à ceux qui font référence à la seconde guerre mondiale et à la Shoah. À la lecture de la quatrième de couverture, je n’ai donc pas hésité et je n’ai pas été déçue ! #passionclassique #romanshistoriques #référencesecondeguerremondiale" + }, + "key": "638" + }, + { + "attributes": { + "blank": " ", + "id": "641", + "language": "fr", + "text_to_embed": "Ce livre extraordinaire illustre de manière évidente le combat constant de l'homme entre deux mondes." + }, + "key": "641" + }, + { + "attributes": { + "blank": " ", + "id": "642", + "language": "fr", + "text_to_embed": "Il prétend à atteindre un équilibre recherché entre sa famille qu'il doit laisser derrière lui et son propre développement, en luttant pour surmonter toute culpabilité qui le pèse." + }, + "key": "642" + }, + { + "attributes": { + "blank": " ", + "id": "646", + "language": "fr", + "text_to_embed": "Les impasses psychologiques et les tourments intérieurs sont exposés pour que le lecteur puisse les reconnaître et s'y familiariser." + }, + "key": "646" + }, + { + "attributes": { + "blank": " ", + "id": "650", + "language": "fr", + "text_to_embed": "Un cosy mystery coréen ? Évidemment que j'achète ! J'étais curieuse de découvrir tout ça, surtout que ça se passe en Corée du sud. Et bien je n'ai pas été déçue ! Cela a été une lecture fraîche, drôle et pour le coup dépaysante. La couverture est juste géniale et c'est le premier élément qui m'a fait tiquer : elle représente bien le style de lecture que ça va être." + }, + "key": "650" + }, + { + "attributes": { + "blank": " ", + "id": "651", + "language": "fr", + "text_to_embed": "Bien sûr que j'achète un cosy mystery coréen ! J'étais vraiment curieuse de voir comment cela se déroulerait, surtout avec une histoire se déroulant en Corée du sud. Et je dois dire que je n'ai pas été déçue du tout ! C'était une lecture rafraîchissante et amusante, qui m'a également transportée vers un autre univers. La couverture est fantastique et c'est précisément ce qui m'a intriguée : elle annonce clairement le genre de lecture que je vais avoir." + }, + "key": "651" + }, + { + "attributes": { + "blank": " ", + "id": "652", + "language": "fr", + "text_to_embed": "Comment résister à un cosy mystery coréen ? Évidemment que je me suis empressée de l'acheter ! J'étais très curieuse de découvrir cette histoire, surtout avec un cadre sud-coréen. Et je dois dire que ça a été une agréable surprise ! C'était un livre amusant, rafraîchissant et qui m'a offert une véritable escapade littéraire. La couverture est tout simplement superbe et c'est le premier détail qui a attiré mon attention : elle reflète parfaitement le genre de lecture qui m'attendait." + }, + "key": "652" + }, + { + "attributes": { + "blank": " ", + "id": "653", + "language": "fr", + "text_to_embed": "Ah, un cosy mystery coréen ? Je ne peux pas résister, j'achète directement ! J'étais vraiment impatiente de voir ce que ça donnait, surtout avec une intrigue se déroulant en Corée du sud. Et bien, je n'ai vraiment pas été déçue ! Ce fut une expérience de lecture plaisante, divertissante et qui m'a transportée ailleurs. La couverture est tout simplement géniale et c'est ce premier aspect qui a immédiatement attiré mon attention : elle reflète parfaitement le style de lecture qui m'attendait." + }, + "key": "653" + }, + { + "attributes": { + "blank": " ", + "id": "654", + "language": "fr", + "text_to_embed": "Bien sûr que je me suis empressée d'acheter un cosy mystery coréen ! J'étais tellement curieuse de découvrir tout ça, surtout avec l'intrigue se passant en Corée du sud. Et je dois dire que je n'ai pas du tout été déçue ! Ce fut une lecture légère, amusante et dépaysante. La couverture est tout simplement fantastique et c'est le premier élément qui a immédiatement accroché mon regard : elle représente parfaitement le genre de livre que cela va être." + }, + "key": "654" + }, + { + "attributes": { + "blank": " ", + "id": "655", + "language": "fr", + "text_to_embed": "Comment ne pas craquer pour un cosy mystery coréen ? Bien sûr que je l'ai acheté ! J'étais vraiment curieuse de voir comment cela se passerait, surtout en étant situé en Corée du sud. Et je peux dire que je n'ai pas été déçue du tout ! C'était une lecture agréable, amusante et qui m'a complètement dépaysée. La couverture est tout simplement géniale et c'est la première chose qui m'a interpellée : elle annonce clairement le type de lecture que je vais avoir." + }, + "key": "655" + }, + { + "attributes": { + "blank": " ", + "id": "656", + "language": "fr", + "text_to_embed": "Évidemment que j'ai acheté un cosy mystery coréen ! J'étais très curieuse de découvrir tout cela, surtout que ça se déroule en Corée du sud. Et je suis heureuse de dire que je n'ai pas été déçue du tout ! C'était une lecture rafraîchissante, drôle et définitivement dépaysante. La couverture est tout simplement magnifique et c'est ce qui m'a tout de suite attirée : elle représente parfaitement le style de lecture qui m'attend." + }, + "key": "656" + }, + { + "attributes": { + "blank": " ", + "id": "657", + "language": "fr", + "text_to_embed": "Un cosy mystery coréen ? Oh, j'ai totalement craqué et je l'ai acheté ! J'étais vraiment curieuse de découvrir tout ça, surtout que ça se déroule en Corée du sud. Et je dois dire que je ne regrette absolument pas mon choix ! C'était une lecture d'une grande fraîcheur, pleine d'humour et qui m'a vraiment fait voyager. La couverture est tout simplement superbe et c'est la première chose qui m'a interpellée : elle correspond parfaitement au type de lecture auquel je m'attendais." + }, + "key": "657" + }, + { + "attributes": { + "blank": " ", + "id": "658", + "language": "fr", + "text_to_embed": "Comment résister à un cosy mystery coréen ? Bien sûr que je l'ai acheté ! J'étais tellement curieuse de découvrir toute cette histoire, surtout avec un cadre sud-coréen. Et je peux dire que je n'ai pas été déçue du tout ! C'était une lecture légère, amusante et qui m'a complètement transportée. La couverture est tout simplement géniale et c'est elle qui a immédiatement attiré mon attention : elle annonce clairement le genre de livre que je vais dévorer." + }, + "key": "658" + }, + { + "attributes": { + "blank": " ", + "id": "660", + "language": "fr", + "text_to_embed": "Un livre original, très généreux. Un livre surprenant aussi, par sa forme, ses recettes de cuisine qui constituent l'armature du roman. On suit la vie de Tita, dernière née de Mama Elena, dans le Mexique du début du XXeme siècle. Et c'est un vrai tourbillon, ça bouillonne, c'est une effusion de sentiments. Que ce soit l'amour, la colère, la déception, tout est sur exagéré, dans le bon sens du terme." + }, + "key": "660" + }, + { + "attributes": { + "blank": " ", + "id": "661", + "language": "fr", + "text_to_embed": "Un livre original, très généreux. Un livre surprenant aussi, par sa forme, ses recettes de cuisine qui constituent l'armature du roman. On suit la vie de Tita, dernière née de Mama Elena, dans le Mexique du début du XXeme siècle. Et c'est un vrai tourbillon, ça bouillonne, c'est une effusion de sentiments. Que ce soit l'amour, la colère, la déception, tout est sur exagéré, dans le bon sens du terme. 📚🌮😍🌪️" + }, + "key": "661" + }, + { + "attributes": { + "blank": " ", + "id": "662", + "language": "fr", + "text_to_embed": "Un livre original, très généreux. Un livre surprenant aussi, par sa forme, ses recettes de cuisine qui constituent l'armature du roman. On suit la vie de Tita, dernière née de Mama Elena, dans le Mexique du début du XXeme siècle. Et c'est un vrai tourbillon, ça bouillonne, c'est une effusion de sentiments. Que ce soit l'amour, la colère, la déception, tout est sur exagéré, dans le bon sens du terme. 💯📖😮👩‍🍳🔥" + }, + "key": "662" + }, + { + "attributes": { + "blank": " ", + "id": "663", + "language": "fr", + "text_to_embed": "Un livre original, très généreux. Un livre surprenant aussi, par sa forme, ses recettes de cuisine qui constituent l'armature du roman. On suit la vie de Tita, dernière née de Mama Elena, dans le Mexique du début du XXeme siècle. Et c'est un vrai tourbillon, ça bouillonne, c'est une effusion de sentiments. Que ce soit l'amour, la colère, la déception, tout est sur exagéré, dans le bon sens du terme. #livre #originalité #surprise #Mexique 📙✨😱🌮" + }, + "key": "663" + }, + { + "attributes": { + "blank": " ", + "id": "664", + "language": "fr", + "text_to_embed": "Un livre original, très généreux. Un livre surprenant aussi, par sa forme, ses recettes de cuisine qui constituent l'armature du roman. On suit la vie de Tita, dernière née de Mama Elena, dans le Mexique du début du XXeme siècle. Et c'est un vrai tourbillon, ça bouillonne, c'est une effusion de sentiments. Que ce soit l'amour, la colère, la déception, tout est sur exagéré, dans le bon sens du terme. ❤️🔥📚💃" + }, + "key": "664" + }, + { + "attributes": { + "blank": " ", + "id": "665", + "language": "fr", + "text_to_embed": "Un livre original, très généreux. Un livre surprenant aussi, par sa forme, ses recettes de cuisine qui constituent l'armature du roman. On suit la vie de Tita, dernière née de Mama Elena, dans le Mexique du début du XXeme siècle. Et c'est un vrai tourbillon, ça bouillonne, c'est une effusion de sentiments. Que ce soit l'amour, la colère, la déception, tout est sur exagéré, dans le bon sens du terme. 😮🌪️🍜💓" + }, + "key": "665" + }, + { + "attributes": { + "blank": " ", + "id": "666", + "language": "fr", + "text_to_embed": "#Scoop Un livre original, très généreux. Un livre surprenant aussi, par sa forme, ses recettes de cuisine qui constituent l'armature du roman. On suit la vie de Tita, dernière née de Mama Elena, dans le Mexique du début du XXeme siècle. Et c'est un vrai tourbillon, ça bouillonne, c'est une effusion de sentiments. Que ce soit l'amour, la colère, la déception, tout est sur exagéré, dans le bon sens du terme. #mexique #amour #livregénial 📚❤️😲" + }, + "key": "666" + }, + { + "attributes": { + "blank": " ", + "id": "667", + "language": "fr", + "text_to_embed": "Un livre original, très généreux. Un livre surprenant aussi, par sa forme, ses recettes de cuisine qui constituent l'armature du roman. On suit la vie de Tita, dernière née de Mama Elena, dans le Mexique du début du XXeme siècle. Et c'est un vrai tourbillon, ça bouillonne, c'est une effusion de sentiments. Que ce soit l'amour, la colère, la déception, tout est sur exagéré, dans le bon sens du terme. 😍🌪️🍲👩‍🍳" + }, + "key": "667" + }, + { + "attributes": { + "blank": " ", + "id": "668", + "language": "fr", + "text_to_embed": "Un livre original, très généreux. Un livre surprenant aussi, par sa forme, ses recettes de cuisine qui constituent l'armature du roman. On suit la vie de Tita, dernière née de Mama Elena, dans le Mexique du début du XXeme siècle. Et c'est un vrai tourbillon, ça bouillonne, c'est une effusion de sentiments. Que ce soit l'amour, la colère, la déception, tout est sur exagéré, dans le bon sens du terme. 🥰🌮📘🌪️" + }, + "key": "668" + }, + { + "attributes": { + "blank": " ", + "id": "670", + "language": "fr", + "text_to_embed": "À la fin du premier tome, Sorceline est persuadée que c’est elle qui est responsable de la transformation de ses camarades en verre… une conclusion logique : chaque fois qu’elle a maudit quelqu’un, le terrible sort l’a frappé. Le seul à connaître cet atroce secret, c’est Mérode ce qui déplaît autant à Alcide qu’à Willa (mais pas pour les mêmes raisons)." + }, + "key": "670" + }, + { + "attributes": { + "blank": " ", + "id": "671", + "language": "fr", + "text_to_embed": "À la fin du premier tome, Sorceline est persuadée que c’est elle qui est responsable de la transformation de ses camarades en verre, une conclusion logique chaque fois qu’elle a maudit quelqu’un le terrible sort l’a frappé le seul à connaître cet atroce secret, c’est Mérode ce qui déplaît autant à Alcide qu’à Willa (mais pas pour les mêmes raisons)." + }, + "key": "671" + }, + { + "attributes": { + "blank": " ", + "id": "672", + "language": "fr", + "text_to_embed": "À la fin du premier tome Sorceline est persuadée que c’est elle qui est responsable de la transformation de ses camarades en verre… une conclusion logique chaque fois qu’elle a maudit quelqu’un, le terrible sort l’a frappé le seul à connaître cet atroce secret c’est Mérode ce qui déplaît autant à Alcide qu’à Willa (mais pas pour les mêmes raisons)." + }, + "key": "672" + }, + { + "attributes": { + "blank": " ", + "id": "673", + "language": "fr", + "text_to_embed": "À la fin du premier tome, Sorceline est persuadée que c’est elle qui est responsable de la transformation de ses camarades en verre… une conclusion logique chaque fois qu’elle a maudit quelqu’un, le terrible sort l’a frappé le seul à connaître cet atroce secret c’est Mérode, ce qui déplaît autant à Alcide qu’à Willa (mais pas pour les mêmes raisons)." + }, + "key": "673" + }, + { + "attributes": { + "blank": " ", + "id": "674", + "language": "fr", + "text_to_embed": "À la fin du premier tome, Sorceline est persuadée que c’est elle qui est responsable de la transformation de ses camarades en verre, une conclusion logique chaque fois qu’elle a maudit quelqu’un, le terrible sort l’a frappé le seul à connaître cet atroce secret c’est Mérode, ce qui déplaît autant à Alcide qu’à Willa (mais pas pour les mêmes raisons)." + }, + "key": "674" + }, + { + "attributes": { + "blank": " ", + "id": "675", + "language": "fr", + "text_to_embed": "À la fin du premier tome Sorceline est persuadée que c’est elle qui est responsable de la transformation de ses camarades en verre, une conclusion logique chaque fois qu’elle a maudit quelqu’un, le terrible sort l’a frappé le seul à connaître cet atroce secret c’est Mérode ce qui déplaît autant à Alcide qu’à Willa (mais pas pour les mêmes raisons)." + }, + "key": "675" + }, + { + "attributes": { + "blank": " ", + "id": "676", + "language": "fr", + "text_to_embed": "À la fin du premier tome, Sorceline est persuadée que c’est elle qui est responsable de la transformation de ses camarades en verre, une conclusion logique chaque fois qu’elle a maudit quelqu’un, le terrible sort l’a frappé le seul à connaître cet atroce secret c’est Mérode ce qui déplaît autant à Alcide qu’à Willa (mais pas pour les mêmes raisons)." + }, + "key": "676" + }, + { + "attributes": { + "blank": " ", + "id": "677", + "language": "fr", + "text_to_embed": "Info locale: À la fin du premier tome Sorceline est persuadée que c’est elle qui est responsable de la transformation de ses camarades en verre, une conclusion logique chaque fois qu’elle a maudit quelqu’un le terrible sort l’a frappé le seul à connaître cet atroce secret c’est Mérode ce qui déplaît autant à Alcide qu’à Willa (mais pas pour les mêmes raisons)." + }, + "key": "677" + }, + { + "attributes": { + "blank": " ", + "id": "678", + "language": "fr", + "text_to_embed": "À la fin du premier tome, Sorceline – est persuadée que c’est elle qui est responsable de la transformation de ses camarades en verre, une conclusion logique chaque fois qu’elle a maudit quelqu’un le terrible sort l’a frappé le seul à connaître cet atroce secret c’est Mérode ce qui déplaît autant à Alcide qu’à Willa (mais pas pour les mêmes raisons)." + }, + "key": "678" + }, + { + "attributes": { + "blank": " ", + "id": "680", + "language": "fr", + "text_to_embed": "Après deux premiers albums hésitants, Hergé entre dans la grande période des Tintin avec celui des cigares du pharaon. C'est en effet le première histoire avec un réel scénario et quel scénarion ! L'histoire nous permet de voyager de l'Egypte à L'Inde en passant par l'Arabie. Hergé introduit également un certain nombre de personnages qui vont devenir récurrents dans les aventures de Tintin : Dupond et Dupont, Ratsapopoulos et Allan Thompson." + }, + "key": "680" + }, + { + "attributes": { + "blank": " ", + "id": "681", + "language": "fr", + "text_to_embed": "Après deux premiers albums hésitants, Hergé entre dans la grande période des Tintin avec celui des cigares du pharaon. #HistoiresDeTintin" + }, + "key": "681" + }, + { + "attributes": { + "blank": " ", + "id": "683", + "language": "fr", + "text_to_embed": "L'histoire nous permet de voyager de l'Egypte à L'Inde en passant par l'Arabie. #TintinVoyageur" + }, + "key": "683" + }, + { + "attributes": { + "blank": " ", + "id": "684", + "language": "fr", + "text_to_embed": "Hergé introduit également un certain nombre de personnages qui vont devenir récurrents dans les aventures de Tintin : Dupond et Dupont, Rastapopoulos et Allan Thompson. #PersonnagesTintin" + }, + "key": "684" + }, + { + "attributes": { + "blank": " ", + "id": "685", + "language": "fr", + "text_to_embed": "Après deux premiers albums hésitants, Hergé entre dans la grande période des Tintin avec celui des cigares du pharaon. C'est en effet *la* première histoire avec un réel scénario et quel scénario ! #ChefD'œuvre" + }, + "key": "685" + }, + { + "attributes": { + "blank": " ", + "id": "690", + "language": "fr", + "text_to_embed": "Voilà une anthologie de poésie qui va rester à mon chevet quelques temps encore. Certains auteurs connus, d'autres moins, d'autres pas du tout. Georges Pompidou nous offre un excellent panel des principaux poètes français. Du moyen-âge aux années 60. Je ne m'y connais pas assez pour discuter ses choix. Je suis prêt à compulser ce recueil à tous moments." + }, + "key": "690" + }, + { + "attributes": { + "blank": " ", + "id": "691", + "language": "fr", + "text_to_embed": "Voilà une anthologie de poésie qui va rester à mon chevet quelques temps encore! Certains auteurs connus, d'autres moins, d'autres pas du tout. Georges Pompidou nous offre un excellent panel des principaux poètes français! Du moyen-âge aux années 60. Je ne m'y connais pas assez pour discuter ses choix... Je suis prêt à compulser ce recueil à tous moments!" + }, + "key": "691" + }, + { + "attributes": { + "blank": " ", + "id": "692", + "language": "fr", + "text_to_embed": "Voilà une anthologie de poésie qui va rester à mon chevet quelques temps encore? Certains auteurs connus, d'autres moins, d'autres pas du tout! Georges Pompidou nous offre un excellent panel des principaux poètes français. Du moyen-âge aux années 60. Je ne m'y connais pas assez pour discuter ses choix. Je suis prêt à compulser ce recueil à tous moments." + }, + "key": "692" + }, + { + "attributes": { + "blank": " ", + "id": "693", + "language": "fr", + "text_to_embed": "Voilà une anthologie de poésie qui va rester à mon chevet quelques temps encore? Certains auteurs connus, d'autres moins, d'autres pas du tout! Georges Pompidou nous offre un excellent panel des principaux poètes français. Du moyen-âge aux années 60! Je ne m'y connais pas assez pour discuter ses choix. Je suis prêt à compulser ce recueil à tous moments." + }, + "key": "693" + }, + { + "attributes": { + "blank": " ", + "id": "694", + "language": "fr", + "text_to_embed": "Voilà une anthologie de poésie qui va rester à mon chevet quelques temps encore... Certains auteurs connus, d'autres moins, d'autres pas du tout! Georges Pompidou nous offre un excellent panel des principaux poètes français. Du moyen-âge aux années 60. Je ne m'y connais pas assez pour discuter ses choix? Je suis prêt à compulser ce recueil à tous moments." + }, + "key": "694" + }, + { + "attributes": { + "blank": " ", + "id": "695", + "language": "fr", + "text_to_embed": "Voilà une anthologie de poésie qui va rester à mon chevet quelques temps encore! Certains auteurs connus, d'autres moins, d'autres pas du tout. Georges Pompidou nous offre un excellent panel des principaux poètes français. Du moyen-âge aux années 60! Je ne m'y connais pas assez pour discuter ses choix, je suis prêt à compulser ce recueil à tous moments." + }, + "key": "695" + }, + { + "attributes": { + "blank": " ", + "id": "696", + "language": "fr", + "text_to_embed": "Voilà une anthologie de poésie qui va rester à mon chevet quelques temps encore... Certains auteurs connus, d'autres moins, d'autres pas du tout! Georges Pompidou nous offre un excellent panel des principaux poètes français. Du moyen-âge aux années 60. Je ne m'y connais pas assez pour discuter ses choix. Je suis prêt à compulser ce recueil à tous moments 😉." + }, + "key": "696" + }, + { + "attributes": { + "blank": " ", + "id": "697", + "language": "fr", + "text_to_embed": "Voilà une anthologie de poésie qui va rester à mon chevet quelques temps encore. Certains auteurs connus, d'autres moins, d'autres pas du tout. Georges Pompidou nous offre un excellent panel des principaux poètes français! Du moyen-âge aux années 60. Je ne m'y connais pas assez pour discuter ses choix! Je suis prêt à compulser ce recueil à tous moments 😉." + }, + "key": "697" + }, + { + "attributes": { + "blank": " ", + "id": "698", + "language": "fr", + "text_to_embed": "Voilà une anthologie de poésie qui va rester à mon chevet quelques temps encore! Certains auteurs connus, d'autres moins, d'autres pas du tout! Georges Pompidou nous offre un excellent panel des principaux poètes français! Du moyen-âge aux années 60? Je ne m'y connais pas assez pour discuter ses choix! Je suis prêt à compulser ce recueil à tous moments 😉❗️" + }, + "key": "698" + }, + { + "attributes": { + "blank": " ", + "id": "700", + "language": "fr", + "text_to_embed": "Recommandé chaudement par Mh17, j'ai eu le plaisir d'écouter ce court récit d'Evgueni Zamiatine sur France Culture. Un régal, le texte est non seulement narré par une femme qui a un timbre de voix et des intonations en totale osmose avec l'esprit du texte mais il est accompagné d'une musique de fonds parfaite, donnant à la tension dramatique du récit encore plus de profondeur." + }, + "key": "700" + }, + { + "attributes": { + "blank": " ", + "id": "701", + "language": "en", + "text_to_embed": "Warmly recommended by Mh17, I had the pleasure of listening to this short story by Yevgeny Zamiatin on France Culture. Not only is the text narrated by a woman whose voice and intonations are in total harmony with the spirit of the text, but it is accompanied by perfect background music, giving the dramatic tension of the story even greater depth." + }, + "key": "701" + }, + { + "attributes": { + "blank": " ", + "id": "702", + "language": "de", + "text_to_embed": "Von Mh17 wärmstens empfohlen, hatte ich das Vergnügen, diese kurze Erzählung von Jewgeni Samjatin auf France Culture zu hören. Ein Genuss, der Text wird nicht nur von einer Frau erzählt, deren Stimmfarbe und Intonation völlig mit dem Geist des Textes übereinstimmen, sondern er wird auch von einer perfekten Hintergrundmusik begleitet, die der dramatischen Spannung der Erzählung noch mehr Tiefe verleiht." + }, + "key": "702" + }, + { + "attributes": { + "blank": " ", + "id": "703", + "language": "pt", + "text_to_embed": "Recomendado calorosamente por Mh17, tive o prazer de ouvir este conto de Yevgeny Zamiatin na France Culture. Não só o texto é narrado por uma mulher cuja voz e entoação estão em total harmonia com o espírito do texto, como é acompanhado por uma música de fundo perfeita, que dá ainda mais profundidade à tensão dramática da história." + }, + "key": "703" + }, + { + "attributes": { + "blank": " ", + "id": "705", + "language": "tr", + "text_to_embed": "Mh17 tarafından hararetle tavsiye edilen Yevgeny Zamiatin'in bu kısa öyküsünü France Culture'da dinleme zevkine eriştim. Metni, sesi ve tonlaması metnin ruhuyla tam bir uyum içinde olan bir kadın anlatmakla kalmıyor, aynı zamanda mükemmel bir fon müziği eşlik ediyor ve hikayenin dramatik gerilimine daha da derinlik kazandırıyor." + }, + "key": "705" + }, + { + "attributes": { + "blank": " ", + "id": "706", + "language": "ru", + "text_to_embed": "По рекомендации Mh17 я имел удовольствие прослушать этот рассказ Евгения Замятина на канале France Culture. Текст не только озвучен женщиной, чей голос и интонации полностью соответствуют духу текста, но и сопровождается прекрасной фоновой музыкой, придающей драматическому напряжению рассказа еще большую глубину." + }, + "key": "706" + }, + { + "attributes": { + "blank": " ", + "id": "708", + "language": "it", + "text_to_embed": "Caldamente raccomandato da Mh17, ho avuto il piacere di ascoltare questo racconto di Yevgeny Zamiatin su France Culture. Non solo il testo è narrato da una donna la cui voce e le cui intonazioni sono in totale armonia con lo spirito del testo, ma è accompagnato da una musica di sottofondo perfetta, che conferisce alla tensione drammatica della storia una profondità ancora maggiore." + }, + "key": "708" + }, + { + "attributes": { + "blank": " ", + "id": "710", + "language": "fr", + "text_to_embed": "Au départ de l’histoire, nous faisons la connaissance de Francisco José da Santa Cruz, un jeune prêtre brésilien, métis d'Indien et de Portugais. Il débarque à Luanda en Angola, afin de devenir le secrétaire de la reine Ginga, fille et sœur de rois, et reine elle-même. Celle-ci a en effet demandé à avoir un secrétaire pour mieux communiquer avec les portugais, la puissance colonisatrice de son pays." + }, + "key": "710" + }, + { + "attributes": { + "blank": " ", + "id": "711", + "language": "en", + "text_to_embed": "The story begins with Francisco José da Santa Cruz, a young Brazilian priest of mixed Indian and Portuguese descent. He arrives in Luanda, Angola, to become secretary to Queen Ginga, daughter and sister of kings, and queen herself. Queen Ginga had asked for a secretary to help her communicate with the Portuguese, the colonising power in her country." + }, + "key": "711" + }, + { + "attributes": { + "blank": " ", + "id": "712", + "language": "de", + "text_to_embed": "Zu Beginn der Geschichte lernen wir Francisco José da Santa Cruz kennen, einen jungen brasilianischen Priester, der ein Mischling aus Indianern und Portugiesen ist. Er landet in Luanda, Angola, um der Sekretär von Königin Ginga zu werden, die Tochter und Schwester von Königen und selbst Königin ist. Diese hatte nämlich um einen Sekretär gebeten, um besser mit den Portugiesen, der Kolonialmacht ihres Landes, kommunizieren zu können." + }, + "key": "712" + }, + { + "attributes": { + "blank": " ", + "id": "713", + "language": "pt", + "text_to_embed": "A história começa com Francisco José da Santa Cruz, um jovem padre brasileiro de ascendência mista indiana e portuguesa. Chega a Luanda, em Angola, para ser secretário da rainha Ginga, filha e irmã de reis e rainha de si própria. A rainha Ginga tinha pedido um secretário para a ajudar a comunicar com os portugueses, a potência colonizadora do seu país." + }, + "key": "713" + }, + { + "attributes": { + "blank": " ", + "id": "715", + "language": "tr", + "text_to_embed": "Hikâye, Hint ve Portekiz kökenli genç bir Brezilyalı rahip olan Francisco José da Santa Cruz ile başlar. Kralların kızı, kız kardeşi ve kraliçenin kendisi olan Kraliçe Ginga'nın sekreteri olmak üzere Luanda, Angola'ya gelir. Kraliçe Ginga, ülkesinin sömürgeci gücü Portekizlilerle iletişim kurmasına yardımcı olacak bir sekreter istemiştir." + }, + "key": "715" + }, + { + "attributes": { + "blank": " ", + "id": "716", + "language": "ru", + "text_to_embed": "История начинается с Франсиско Жозе да Санта Круза, молодого бразильского священника смешанного индейско-португальского происхождения. Он прибывает в Луанду (Ангола), чтобы стать секретарем королевы Гинги, дочери и сестры королей и самой королевы. Королева Гинга попросила секретаря, который помог бы ей общаться с португальцами - колонизаторами ее страны." + }, + "key": "716" + }, + { + "attributes": { + "blank": " ", + "id": "717", + "language": "ja", + "text_to_embed": "物語は、インディアンとポルトガルの混血の若いブラジル人司祭、フランシスコ・ジョゼ・ダ・サンタ・クルスから始まる。彼はアンゴラのルアンダに到着し、王の娘であり妹であり、女王でもあるギンガ女王の秘書となる。ジンガ女王は、植民地支配を行っていたポルトガルとの意思疎通を図るため、秘書を必要としていた。" + }, + "key": "717" + }, + { + "attributes": { + "blank": " ", + "id": "718", + "language": "it", + "text_to_embed": "La storia inizia con Francisco José da Santa Cruz, un giovane sacerdote brasiliano di origine mista indiana e portoghese. Arriva a Luanda, in Angola, per diventare segretario della regina Ginga, figlia e sorella di re e regina lei stessa. La regina Ginga aveva chiesto un segretario che la aiutasse a comunicare con i portoghesi, la potenza colonizzatrice del suo Paese." + }, + "key": "718" + }, + { + "attributes": { + "blank": " ", + "id": "720", + "language": "fr", + "text_to_embed": "Ce petit bouquin est fascinant. Corina CIOCÂRLIE nous fait traverser, visiter l’Europe, mais en choisissant méticuleusement des lieux symboliques vus par des écrivains pour la plupart prestigieux. Le voyage ne s’effectue pas dans un ordre précis, laissant libre choix à l’autrice mais aussi à son lectorat qui pourra de fait ouvrir cette sorte de manuel de voyage à n’importe quelle page pour se délecter." + }, + "key": "720" + }, + { + "attributes": { + "blank": " ", + "id": "721", + "language": "fr", + "text_to_embed": "Ce petit bouquin est fascinant 📖! Corina CIOCÂRLIE nous fait traverser, visiter l’Europe 🌍, mais en choisissant méticuleusement des lieux symboliques vus par des écrivains pour la plupart prestigieux 🖊️. Le voyage ne s’effectue pas dans un ordre précis 🗺️, laissant libre choix à l’autrice 🌟 mais aussi à son lectorat qui pourra de fait ouvrir cette sorte de manuel de voyage 📚 à n’importe quelle page pour se délecter 😍!" + }, + "key": "721" + }, + { + "attributes": { + "blank": " ", + "id": "722", + "language": "fr", + "text_to_embed": "Ce petit bouquin est fascinant 😮! Corina CIOCÂRLIE nous fait traverser, visiter l’Europe 😊, mais en choisissant méticuleusement des lieux symboliques vus par des écrivains pour la plupart prestigieux 😎. Le voyage ne s’effectue pas dans un ordre précis 😄, laissant libre choix à l’autrice 💁‍♀️ mais aussi à son lectorat qui pourra de fait ouvrir cette sorte de manuel de voyage 📖 à n’importe quelle page pour se délecter 😋." + }, + "key": "722" + }, + { + "attributes": { + "blank": " ", + "id": "723", + "language": "fr", + "text_to_embed": "Ce petit bouquin est fascinant 😯! Corina CIOCÂRLIE nous fait traverser, visiter l’Europe 😊, mais en choisissant méticuleusement des lieux symboliques vus par des écrivains pour la plupart prestigieux 😊. Le voyage ne s’effectue pas dans un ordre précis 😅, laissant libre choix à l’autrice 📚 mais aussi à son lectorat qui pourra de fait ouvrir cette sorte de manuel de voyage à n’importe quelle page pour se délecter 📖." + }, + "key": "723" + }, + { + "attributes": { + "blank": " ", + "id": "724", + "language": "fr", + "text_to_embed": "Ce petit bouquin est fascinant 😍! Corina CIOCÂRLIE nous fait traverser, visiter l’Europe 🌍, mais en choisissant méticuleusement des lieux symboliques vus par des écrivains pour la plupart prestigieux ✍️. Le voyage ne s’effectue pas dans un ordre précis 👣, laissant libre choix à l’autrice ✨ mais aussi à son lectorat qui pourra de fait ouvrir cette sorte de manuel de voyage 📖 à n’importe quelle page pour se délecter 😊." + }, + "key": "724" + }, + { + "attributes": { + "blank": " ", + "id": "725", + "language": "fr", + "text_to_embed": "Ce petit bouquin est fascinant 😊! Corina CIOCÂRLIE nous fait traverser, visiter l’Europe 😍, mais en choisissant méticuleusement des lieux symboliques vus par des écrivains pour la plupart prestigieux 🖋️. Le voyage ne s’effectue pas dans un ordre précis 🌐, laissant libre choix à l’autrice ✨ mais aussi à son lectorat qui pourra de fait ouvrir cette sorte de manuel de voyage 📒 à n’importe quelle page pour se délecter ✌️." + }, + "key": "725" + }, + { + "attributes": { + "blank": " ", + "id": "726", + "language": "fr", + "text_to_embed": "Ce petit bouquin est fascinant! 😲 Corina CIOCÂRLIE nous fait traverser, visiter l’Europe 😊, mais en choisissant méticuleusement des lieux symboliques vus par des écrivains pour la plupart prestigieux 😄. Le voyage ne s’effectue pas dans un ordre précis 😌, laissant libre choix à l’autrice 😁 mais aussi à son lectorat qui pourra de fait ouvrir cette sorte de manuel de voyage à n’importe quelle page pour se délecter 😍." + }, + "key": "726" + }, + { + "attributes": { + "blank": " ", + "id": "727", + "language": "fr", + "text_to_embed": "Ce petit bouquin est fascinant 😃! Corina CIOCÂRLIE nous fait traverser, visiter l’Europe 🌍, mais en choisissant méticuleusement des lieux symboliques vus par des écrivains pour la plupart prestigieux 🖋️. Le voyage ne s’effectue pas dans un ordre précis, laissant libre choix à l’autrice ✨ mais aussi à son lectorat qui pourra de fait ouvrir cette sorte de manuel de voyage à n’importe quelle page pour se délecter 😊." + }, + "key": "727" + }, + { + "attributes": { + "blank": " ", + "id": "728", + "language": "fr", + "text_to_embed": "Ce petit bouquin est fascinant! 😍 Corina CIOCÂRLIE nous fait traverser, visiter l’Europe, mais en choisissant méticuleusement des lieux symboliques vus par des écrivains pour la plupart prestigieux. Le voyage ne s’effectue pas dans un ordre précis, laissant libre choix à l’autrice ✨, mais aussi à son lectorat qui pourra de fait ouvrir cette sorte de manuel de voyage à n’importe quelle page pour se délecter 📖." + }, + "key": "728" + }, + { + "attributes": { + "blank": " ", + "id": "730", + "language": "fr", + "text_to_embed": "La couverture est très jolie. Le scénario est toujours aussi original. Vu que c’est la fin du premier cycle, il y a beaucoup d’action, de rebondissements. Le rythme s’accélère. Il y a pas mal d’émotions aussi, qu’elles soient positives ou négatives. Les personnages sont toujours aussi courageux, ils deviennent de plus en plus mâture. Ils sont attachants." + }, + "key": "730" + }, + { + "attributes": { + "blank": " ", + "id": "731", + "language": "fr", + "text_to_embed": "La couverture est très jolie! Le scénario est toujours aussi original! Vu que c’est la fin du premier cycle, il y a beaucoup d’action et de rebondissements. Le rythme s’accélère! Il y a pas mal d’émotions aussi, qu’elles soient positives ou négatives. Les personnages sont toujours aussi courageux, ils deviennent de plus en plus mâture! Ils sont attachants. 😉" + }, + "key": "731" + }, + { + "attributes": { + "blank": " ", + "id": "732", + "language": "fr", + "text_to_embed": "Dernières nouvelles: La couverture est très jolie. Le scénario est toujours aussi original!! Vu que c’est la fin du premier cycle, il y a beaucoup d’action, de rebondissements. Le rythme s’accélère! Il y a pas mal d’émotions aussi, qu’elles soient positives ou négatives. Les personnages sont toujours aussi courageux, ils deviennent de plus en plus mâture!! Ils sont attachants." + }, + "key": "732" + }, + { + "attributes": { + "blank": " ", + "id": "733", + "language": "fr", + "text_to_embed": "Rumeur ou réalité? La couverture est très jolie!? Le scénario est toujours aussi original!! Vu que c’est la fin du premier cycle, il y a beaucoup d’action, de rebondissements. Le rythme s’accélère?! Il y a pas mal d’émotions aussi, qu’elles soient positives ou négatives. Les personnages sont toujours aussi courageux, ils deviennent de plus en plus mâture. Ils sont attachants. ✨" + }, + "key": "733" + }, + { + "attributes": { + "blank": " ", + "id": "734", + "language": "fr", + "text_to_embed": "La couverture est très jolie!!! Le scénario est toujours aussi original! Vu que c’est la fin du premier cycle, il y a beaucoup d’action, de rebondissements. Le rythme s’accélère. Il y a pas mal d’émotions aussi, qu’elles soient positives ou négatives. Les personnages sont toujours aussi courageux, ils deviennent de plus en plus mâture!!! Ils sont attachants. 😊" + }, + "key": "734" + }, + { + "attributes": { + "blank": " ", + "id": "735", + "language": "fr", + "text_to_embed": "La couverture est très jolie; Le scénario est toujours aussi original. Vu que c’est la fin du premier cycle, il y a beaucoup d’action, de rebondissements. Le rythme s’accélère... Il y a pas mal d’émotions aussi, qu’elles soient positives ou négatives. Les personnages sont toujours aussi courageux, ils deviennent de plus en plus mâture. Ils sont attachants! 😍" + }, + "key": "735" + }, + { + "attributes": { + "blank": " ", + "id": "736", + "language": "fr", + "text_to_embed": "La couverture est très jolie! Le scénario est toujours aussi original. Vu que c’est la fin du premier cycle, il y a beaucoup d’action,... de rebondissements! Le rythme s’accélère! Il y a pas mal d’émotions!! aussi, qu’elles soient positives ou négatives. Les personnages sont toujours aussi courageux, ils deviennent de plus en plus mâture! Ils sont attachants!!! 🎉" + }, + "key": "736" + }, + { + "attributes": { + "blank": " ", + "id": "737", + "language": "fr", + "text_to_embed": "La couverture est très jolie! Le scénario est toujours aussi original! Vu que c’est la fin du premier cycle, il y a beaucoup d’action, de rebondissements. Le rythme s’accélère. Il y a pas mal d’émotions, aussi qu’elles soient positives ou négatives. Les personnages sont toujours aussi courageux, ils deviennent de plus en plus mâture. Ils sont attachants! 😃" + }, + "key": "737" + }, + { + "attributes": { + "blank": " ", + "id": "738", + "language": "fr", + "text_to_embed": "La couverture est très jolie... Le scénario est toujours aussi original. Vu que c’est la fin du premier cycle! il y a beaucoup d’action, de rebondissements? Le rythme s’accélère! Il y a pas mal d’émotions, aussi, qu’elles soient positives ou négatives. Les personnages sont toujours aussi courageux, ils deviennent de plus en plus mâture. Ils sont attachants. 😊" + }, + "key": "738" + }, + { + "attributes": { + "blank": " ", + "id": "740", + "language": "fr", + "text_to_embed": "C’est l’histoire d’un homme, Fausto, qui pense que tout lui appartient : de la simple fleur à l’immense montagne, rien ne l’arrête dans sa quête de possession. Rien ne l’arrête, sauf l’océan. L’océan a pourtant bien essayé de dire à Fausto qu’on peut posséder sans aimer, mais que pour aimer, il faut comprendre l’autre… L’océan a essayé, mais Fausto n’a pas compris… et il paiera de sa vie son obsession de la possession." + }, + "key": "740" + }, + { + "attributes": { + "blank": " ", + "id": "741", + "language": "fr", + "text_to_embed": "Fausto, un homme, croit que tout lui appartient, des fleurs simples aux immenses montagnes, et rien ne peut l'arrêter dans sa quête de possession. L'océan est la seule chose qui peut le stopper." + }, + "key": "741" + }, + { + "attributes": { + "blank": " ", + "id": "742", + "language": "fr", + "text_to_embed": "Une histoire raconte l'histoire de Fausto, un homme convaincu que tout lui appartient, même les petites fleurs et les grandes montagnes. Rien ne peut l'empêcher de poursuivre son obsession, sauf l'océan." + }, + "key": "742" + }, + { + "attributes": { + "blank": " ", + "id": "743", + "language": "fr", + "text_to_embed": "Fausto est un homme qui croit qu'il est propriétaire de tout, depuis les simples fleurs jusqu'aux immenses montagnes, et rien ne peut l'empêcher de chercher à les posséder. Cependant, l'océan est une exception à cette règle." + }, + "key": "743" + }, + { + "attributes": { + "blank": " ", + "id": "744", + "language": "fr", + "text_to_embed": "Il s'agit de l'histoire d'un homme nommé Fausto qui est convaincu que tout lui appartient, aussi bien les modestes fleurs que les gigantesques montagnes. Rien ne peut l'arrêter dans sa quête de possession, à l'exception de l'océan." + }, + "key": "744" + }, + { + "attributes": { + "blank": " ", + "id": "745", + "language": "fr", + "text_to_embed": "Il était une fois un homme appelé Fausto qui pense que tout lui appartient, qu'il s'agisse d'une simple fleur ou d'une immense montagne. Rien ne peut l'arrêter dans sa quête de possession, hormis l'océan." + }, + "key": "745" + }, + { + "attributes": { + "blank": " ", + "id": "746", + "language": "fr", + "text_to_embed": "L'histoire raconte l'histoire d'un homme nommé Fausto, convaincu que tous les éléments lui appartiennent, des modestes fleurs aux immenses montagnes. Il ne s'arrête devant rien pour les posséder, sauf l'océan." + }, + "key": "746" + }, + { + "attributes": { + "blank": " ", + "id": "747", + "language": "fr", + "text_to_embed": "Fausto, un homme, est obsédé par l'idée que tout lui appartient, des simples fleurs aux immenses montagnes. Rien ne peut l'arrêter dans sa quête de possession, excepté l'océan." + }, + "key": "747" + }, + { + "attributes": { + "blank": " ", + "id": "748", + "language": "fr", + "text_to_embed": "Dans cette histoire, on suit les pas de Fausto, un homme qui est persuadé que tout lui appartient, des petites fleurs aux immenses montagnes. Rien ne peut le faire dévier de sa quête de possession, à l'exception de l'océan." + }, + "key": "748" + }, + { + "attributes": { + "blank": " ", + "id": "751", + "language": "fr", + "text_to_embed": "Daniel Pennac et Florence Cestac ont créé un livre pour décortiquer les expressions familières de tous les jours, telles que \"les murs ont des oreilles\", \"manger un clown\" ou \"clouer le bec à quelqu'un\", et expliquer leur signification de manière comique." + }, + "key": "751" + }, + { + "attributes": { + "blank": " ", + "id": "752", + "language": "fr", + "text_to_embed": "Dans leur ouvrage humoristique, Daniel Pennac et Florence Cestac éclairent le sens des expressions courantes de la vie quotidienne, comme \"les murs ont des oreilles\", \"manger un clown\" ou \"clouer le bec à quelqu'un\"." + }, + "key": "752" + }, + { + "attributes": { + "blank": " ", + "id": "753", + "language": "fr", + "text_to_embed": "Un livre ludique écrit par Daniel Pennac et Florence Cestac propose de dévoiler le sens des expressions usuelles de la vie de tous les jours, comme \"les murs ont des oreilles\", \"manger un clown\" ou \"clouer le bec à quelqu'un\"." + }, + "key": "753" + }, + { + "attributes": { + "blank": " ", + "id": "754", + "language": "fr", + "text_to_embed": "Sous forme d'un livre amusant, Daniel Pennac et Florence Cestac se lancent dans l'explication des expressions communes de la vie quotidienne, telles que \"les murs ont des oreilles\", \"manger un clown\" ou \"clouer le bec à quelqu'un\"." + }, + "key": "754" + }, + { + "attributes": { + "blank": " ", + "id": "755", + "language": "fr", + "text_to_embed": "Un ouvrage divertissant rédigé par Daniel Pennac et Florence Cestac présente une analyse humoristique du sens des expressions habituelles de la vie de tous les jours, à l'instar de \"les murs ont des oreilles\", \"manger un clown\" ou \"clouer le bec à quelqu'un\"." + }, + "key": "755" + }, + { + "attributes": { + "blank": " ", + "id": "756", + "language": "fr", + "text_to_embed": "Daniel Pennac et Florence Cestac offrent un livre qui explore de manière humoristique les expressions fréquentes de la vie quotidienne, comme \"les murs ont des oreilles\", \"manger un clown\" ou \"clouer le bec à quelqu'un\"." + }, + "key": "756" + }, + { + "attributes": { + "blank": " ", + "id": "757", + "language": "fr", + "text_to_embed": "Dans leur livre, Daniel Pennac et Florence Cestac utilisent l'humour pour déchiffrer les significations des expressions couramment utilisées dans la vie de tous les jours, par exemple \"les murs ont des oreilles\", \"manger un clown\" ou \"clouer le bec à quelqu'un\"." + }, + "key": "757" + }, + { + "attributes": { + "blank": " ", + "id": "758", + "language": "fr", + "text_to_embed": "Un ouvrage écrit avec humour par Daniel Pennac et Florence Cestac est dédié à l'explication des expressions ordinaires de la vie quotidienne, telles que \"les murs ont des oreilles\", \"manger un clown\" ou \"clouer le bec à quelqu'un\"." + }, + "key": "758" + }, + { + "attributes": { + "blank": " ", + "id": "760", + "language": "fr", + "text_to_embed": "Ce tome était extraordinaire. J'aime chaque fois un peu plus ce manga. Il est profond et particulier. J'adore les liens qui se tissent entre les personnages et particulièrement le lien entre Legoshi et Louis. La trame quant à elle est vraiment bien ficelée. Elle est haletante. Ce tome était puissant, il prenait aux tripes et l'action nous prend à la gorge jusqu'à la dernière seconde. J'ai été captivée, transportée, et mise dans tous mes états." + }, + "key": "760" + }, + { + "attributes": { + "blank": " ", + "id": "761", + "language": "fr", + "text_to_embed": "\"Ce tome était extraordinaire ! J'aime chaque fois un peu plus ce manga 😉. Il est profond et particulier. J'adore les liens qui se tissent entre les personnages et particulièrement le lien entre Legoshi et Louis. La trame, quant à elle, est vraiment bien ficelée ! Elle est haletante. Ce tome était puissant, il prenait aux tripes et l'action nous prend à la gorge jusqu'à la dernière seconde. J'ai été captivée, transportée et mise dans tous mes états !\"" + }, + "key": "761" + }, + { + "attributes": { + "blank": " ", + "id": "762", + "language": "fr", + "text_to_embed": "\"Ce tome était extraordinaire ? J'aime chaque fois un peu plus ce manga ! Il est profond et particulier. J'adore les liens qui se tissent entre les personnages et particulièrement le lien entre Legoshi et Louis. La trame... quant à elle, est vraiment bien ficelée. Elle est haletante ! Ce tome était puissant, il prenait aux tripes et l'action nous prend à la gorge jusqu'à la dernière seconde. J'ai été captivée, transportée et mise dans tous mes états !\"" + }, + "key": "762" + }, + { + "attributes": { + "blank": " ", + "id": "763", + "language": "fr", + "text_to_embed": "\"Ce tome était extraordinaire! J'aime chaque fois un peu plus ce manga? Il est profond et particulier? J'adore les liens qui se tissent entre les personnages et particulièrement le lien entre Legoshi et Louis. La trame, quant à elle, est vraiment bien ficelée! Elle est haletante? Ce tome était puissant, il prenait aux tripes et l'action nous prend à la gorge jusqu'à la dernière seconde. J'ai été captivée, transportée et mise dans tous mes états!\"" + }, + "key": "763" + }, + { + "attributes": { + "blank": " ", + "id": "764", + "language": "fr", + "text_to_embed": "\"Ce tome était extraordinaire.. J'aime chaque fois un peu plus ce manga! Il est profond et particulier? J'adore les liens qui se tissent entre les personnages et particulièrement le lien entre Legoshi et Louis. La trame, quant à elle, est vraiment bien ficelée? Elle est haletante! Ce tome était puissant, il prenait aux tripes et l'action nous prend à la gorge jusqu'à la dernière seconde. J'ai été captivée, transportée et mise dans tous mes états.\"" + }, + "key": "764" + }, + { + "attributes": { + "blank": " ", + "id": "765", + "language": "fr", + "text_to_embed": "\"Ce tome était extraordinaire; j'aime chaque fois un peu plus ce manga! Il est profond et particulier. J'adore les liens qui se tissent entre les personnages, et particulièrement le lien entre Legoshi et Louis. La trame, quant à elle, est vraiment bien ficelée. Elle est haletante. Ce tome était puissant, il prenait aux tripes et l'action nous prend à la gorge jusqu'à la dernière seconde. J'ai été captivée; transportée et mise dans tous mes états.\"" + }, + "key": "765" + }, + { + "attributes": { + "blank": " ", + "id": "766", + "language": "fr", + "text_to_embed": "\"Ce tome était extraordinaire!! J'aime chaque fois un peu plus ce manga. Il est profond et particulier. J'adore les liens qui se tissent entre les personnages et particulièrement le lien entre Legoshi et Louis. La trame, quant à elle, est vraiment bien ficelée! Elle est haletante. Ce tome était puissant, il prenait aux tripes et l'action nous prend à la gorge jusqu'à la dernière seconde!! J'ai été captivée, transportée et mise dans tous mes états.\"" + }, + "key": "766" + }, + { + "attributes": { + "blank": " ", + "id": "767", + "language": "fr", + "text_to_embed": "\"Ce tome était extraordinaire... J'aime chaque fois un peu plus ce manga!! Il est profond et particulier. J'adore les liens qui se tissent entre les personnages et particulièrement le lien entre Legoshi et Louis. La trame, quant à elle, est vraiment bien ficelée? Elle est haletante. Ce tome était puissant, il prenait aux tripes et l'action nous prend à la gorge jusqu'à la dernière seconde!! J'ai été captivée, transportée et mise dans tous mes états.\"" + }, + "key": "767" + }, + { + "attributes": { + "blank": " ", + "id": "768", + "language": "fr", + "text_to_embed": "\"Ce tome était extraordinaire 🤩! J'aime chaque fois un peu plus ce manga 😍. Il est profond et particulier. J'adore les liens qui se tissent entre les personnages et particulièrement le lien entre Legoshi et Louis. La trame, quant à elle, est vraiment bien ficelée. Elle est haletante. Ce tome était puissant, il prenait aux tripes et l'action nous prend à la gorge jusqu'à la dernière seconde. J'ai été captivée, transportée et mise dans tous mes états.\"" + }, + "key": "768" + }, + { + "attributes": { + "blank": " ", + "id": "770", + "language": "fr", + "text_to_embed": "Au début de l’histoire, nous sommes en 1938. La guerre à venir gronde déjà, mais de cela Ruben Jablonski, n’en a cure! Et pour cause, c’est un jeune juif allemand âgé de 12 ans, qui vit avec sa famille à Halle-sur-Saale (aujourd’hui en Saxe-Anhalt) en Allemagne. C’est un garçon espiègle, rêveur, qui comme tous les jeunes de son âge adore rire et s’amuser." + }, + "key": "770" + }, + { + "attributes": { + "blank": " ", + "id": "771", + "language": "fr", + "text_to_embed": "Au début de l'histoire nous sommes en 1938, la guerre à venir gronde déjà, mais de cela Ruben Jablonski en a cure, et pour cause, c'est un jeune juif allemand âgé de 12 ans, qui vit avec sa famille à Halle-sur-Saale (aujourd'hui en Saxe-Anhalt) en Allemagne, un garçon espiègle, rêveur, qui comme tous les jeunes de son âge adore rire et s'amuser." + }, + "key": "771" + }, + { + "attributes": { + "blank": " ", + "id": "772", + "language": "fr", + "text_to_embed": "Au début de l'histoire, nous sommes en 1938; la guerre à venir gronde déjà, mais de cela Ruben Jablonski en a cure! Et pour cause, c'est un jeune juif allemand âgé de 12 ans qui vit avec sa famille à Halle-sur-Saale (aujourd'hui en Saxe-Anhalt) en Allemagne. C'est un garçon espiègle, rêveur, qui comme tous les jeunes de son âge, adore rire et s'amuser." + }, + "key": "772" + }, + { + "attributes": { + "blank": " ", + "id": "773", + "language": "fr", + "text_to_embed": "Au début de l'histoire, nous sommes en 1938. La guerre à venir gronde déjà, mais de cela, Ruben Jablonski en a cure! Et pour cause, c'est un jeune juif allemand âgé de 12 ans qui vit avec sa famille à Halle-sur-Saale (aujourd'hui en Saxe-Anhalt) en Allemagne. C'est un garçon espiègle, rêveur qui comme tous les jeunes de son âge adore rire et s'amuser." + }, + "key": "773" + }, + { + "attributes": { + "blank": " ", + "id": "774", + "language": "fr", + "text_to_embed": "Au début de l'histoire, nous sommes en 1938. La guerre à venir gronde déjà, mais de cela, Ruben Jablonski n'en a cure! Et pour cause, c'est un jeune juif allemand âgé de 12 ans qui vit avec sa famille à Halle-sur-Saale (aujourd'hui en Saxe-Anhalt) en Allemagne. C'est un garçon espiègle, rêveur, mais qui comme tous les jeunes de son âge adore rire et s'amuser." + }, + "key": "774" + }, + { + "attributes": { + "blank": " ", + "id": "775", + "language": "fr", + "text_to_embed": "Au début de l'histoire, nous sommes en 1938. La guerre à venir gronde déjà, mais de cela, Ruben Jablonski en a cure! Et pour cause, c'est un jeune juif allemand âgé de 12 ans, qui vit avec sa famille à Halle-sur-Saale en Allemagne. C'est un garçon espiègle, rêveur, qui comme tous les jeunes de son âge adorent rire et s'amuser." + }, + "key": "775" + }, + { + "attributes": { + "blank": " ", + "id": "776", + "language": "fr", + "text_to_embed": "Au début de l'histoire, nous sommes en 1938. La guerre, à venir gronde déjà, mais de cela, Ruben Jablonski n'en a cure! Et pour cause, c'est un jeune juif allemand âgé de 12 ans, qui vit avec sa famille à Halle-sur-Saale (aujourd'hui en Saxe-Anhalt) en Allemagne. C'est un garçon espiègle, rêveur, qui comme tous les jeunes de son âge adore rire et s'amuser." + }, + "key": "776" + }, + { + "attributes": { + "blank": " ", + "id": "777", + "language": "fr", + "text_to_embed": "Au début de l'histoire, nous sommes en 1938. La guerre à venir gronde déjà, mais de cela, Ruben Jablonski n'en a cure! Et pour cause, c'est un jeune juif allemand âgé de 12 ans, qui vit avec sa famille à Halle-sur-Saale (aujourd'hui en Saxe-Anhalt) en Allemagne. C'est un garçon espiègle, rêveur, qui comme tous les jeunes de son âge, adore rire et s'amuser." + }, + "key": "777" + }, + { + "attributes": { + "blank": " ", + "id": "778", + "language": "fr", + "text_to_embed": "Au début de l'histoire, nous sommes en 1938. La guerre à venir gronde déjà, mais de cela, Ruben Jablonski, n'en a cure! Et pour cause, c'est un jeune juif allemand âgé de 12 ans, qui vit avec sa famille à Halle-sur-Saale (aujourd'hui en Saxe-Anhalt) en Allemagne. C'est un garçon espiègle, rêveur, qui, comme tous les jeunes de son âge, adore rire et s'amuser." + }, + "key": "778" + }, + { + "attributes": { + "blank": " ", + "id": "780", + "language": "fr", + "text_to_embed": "Dans ce seconde tome, l’autrice aborde tout le processus de travail (plus familièrement les contractions) qui fait parti d’un accouchement. Elle donne de précieuses informations pour comprendre la physiologie de l’accouchement, pour pouvoir ainsi mieux interagir avec son corps. Ses conseils et la bonne compréhension du processus, permettent, je pense, de supporter un peu mieux cette phase souvent extrêmement douloureuse." + }, + "key": "780" + }, + { + "attributes": { + "blank": " ", + "id": "781", + "language": "fr", + "text_to_embed": "Dans ce second tome, l’autrice aborde tout le processus de travail (plus familièrement les contractions) qui fait parti intégrante d’un accouchement. Elle donne de précieuses informations pour comprendre la physiologie de l’accouchement, pour pouvoir ainsi mieux interagir avec son corps. Ses précieux conseils et la bonne compréhension du processus, permettent, je pense, de supporter un peu mieux cette phase souvent extrêmement douloureuse. 📚💪🤰😖" + }, + "key": "781" + }, + { + "attributes": { + "blank": " ", + "id": "782", + "language": "fr", + "text_to_embed": "Dans ce second tome, l’autrice aborde tout le processus de travail (plus familièrement les contractions) qui fait parti d’un accouchement naturel. Elle donne de précieuses informations pour comprendre la physiologie de l’accouchement, pour pouvoir ainsi mieux interagir avec son corps. Ses conseils et la bonne compréhension du processus, permettent, je pense, de supporter un peu mieux cette phase souvent extrêmement douloureuse. 📚🌿🤰😖" + }, + "key": "782" + }, + { + "attributes": { + "blank": " ", + "id": "783", + "language": "fr", + "text_to_embed": "Dans ce second tome, l’autrice aborde tout le processus de travail (plus familièrement les contractions) qui fait parti d’un accouchement médicalisé. Elle donne de précieuses informations pour comprendre la physiologie de l’accouchement, pour pouvoir ainsi mieux interagir avec son corps. Ses conseils et la bonne compréhension du processus, permettent, je pense, de supporter un peu mieux cette phase souvent extrêmement douloureuse. 📚💉🤰😖" + }, + "key": "783" + }, + { + "attributes": { + "blank": " ", + "id": "784", + "language": "fr", + "text_to_embed": "Dans ce second tome, l’autrice aborde tout le processus de travail (plus familièrement les contractions) qui fait partie d’un accouchement. Elle donne de précieuses informations pour comprendre la physiologie de l’accouchement, pour pouvoir ainsi mieux interagir avec son corps. Ses conseils et la bonne compréhension du processus, permettent, je pense, de supporter un peu mieux cette phase souvent extrêmement douloureuse. 📚🤰😖" + }, + "key": "784" + }, + { + "attributes": { + "blank": " ", + "id": "785", + "language": "fr", + "text_to_embed": "Dans ce second tome, l’autrice aborde tout le processus de travail (plus familièrement les contractions) qui fait partie d’un accouchement. Elle donne de précieuses informations pour comprendre la physiologie de l’accouchement, pour ainsi mieux interagir avec son corps. Ses précieux conseils et la bonne compréhension du processus, permettent, je pense, de supporter un peu mieux cette phase souvent extrêmement douloureuse. 📚🗝️🤰😖" + }, + "key": "785" + }, + { + "attributes": { + "blank": " ", + "id": "786", + "language": "fr", + "text_to_embed": "Dans ce second tome, l’autrice aborde tout le processus de travail (plus familièrement les contractions) qui fait partie d’un accouchement. Elle donne de précieuses informations pour comprendre la physiologie de l’accouchement, pour ainsi mieux interagir avec son corps. Ses précieux conseils et la bonne compréhension du processus, permettent, je pense, de supporter un peu plus cette phase souvent extrêmement douloureuse. 📚💡🤰😖" + }, + "key": "786" + }, + { + "attributes": { + "blank": " ", + "id": "787", + "language": "fr", + "text_to_embed": "Dans ce second tome, l’autrice aborde tout le processus de travail (plus familièrement les contractions) qui fait partie essentielle d’un accouchement. Elle donne de précieuses informations pour comprendre la physiologie de l’accouchement, pour ainsi mieux interagir avec son corps. Ses précieux conseils et la bonne compréhension du processus, permettent, je pense, de supporter un peu plus cette phase souvent extrêmement douloureuse. 📚🌟🤰😖" + }, + "key": "787" + }, + { + "attributes": { + "blank": " ", + "id": "788", + "language": "fr", + "text_to_embed": "Dans ce second tome, l’autrice aborde tout le processus de travail (plus familièrement les contractions) qui fait partie intégrante d’un accouchement. Elle donne de précieuses informations pour comprendre la physiologie de l’accouchement, pour ainsi mieux interagir avec son corps. Ses précieux conseils et la bonne compréhension du processus, permettent, je pense, d'endurer un peu plus cette phase souvent extrêmement douloureuse. 📚🧩🤰😖" + }, + "key": "788" + }, + { + "attributes": { + "blank": " ", + "id": "790", + "language": "fr", + "text_to_embed": "Cela commence comme un roman de Jane Austen avec une bourgeoise qui cherche à caser ses filles avec l'aristo du coin... cela se lit comme une réécriture de contes avec des références toutes les cinq minutes (Princesse au Petit pois, Barbe Bleue, Cendrillon...) et cela se termine comme une ode au féminisme et à l'amour, faisant fi des conventions sociales." + }, + "key": "790" + }, + { + "attributes": { + "blank": " ", + "id": "791", + "language": "en", + "text_to_embed": "It begins like a Jane Austen novel, with a bourgeois woman trying to set up her daughters with the local aristo... it reads like a rewriting of fairy tales, with references every five minutes (The Princess and the Pea, Bluebeard, Cinderella...) and ends as an ode to feminism and love, ignoring social conventions." + }, + "key": "791" + }, + { + "attributes": { + "blank": " ", + "id": "792", + "language": "de", + "text_to_embed": "Es beginnt wie ein Roman von Jane Austen mit einer Bürgerlichen, die ihre Töchter mit dem Aristokraten an der Ecke verkuppeln will ... es liest sich wie eine Neufassung von Märchen mit Verweisen im Fünfminutentakt (Prinzessin auf der Erbse, Blaubart, Aschenputtel ...) und es endet als Ode an den Feminismus und die Liebe, die sich über gesellschaftliche Konventionen hinwegsetzt." + }, + "key": "792" + }, + { + "attributes": { + "blank": " ", + "id": "793", + "language": "pt", + "text_to_embed": "Começa como um romance de Jane Austen, com uma mulher burguesa a tentar juntar as suas filhas com o aristocrata local... lê-se como uma reescrita de contos de fadas, com referências a cada cinco minutos (A Princesa e a Ervilha, Barba Azul, Cinderela...) e termina como uma ode ao feminismo e ao amor, ignorando as convenções sociais." + }, + "key": "793" + }, + { + "attributes": { + "blank": " ", + "id": "798", + "language": "it", + "text_to_embed": "Inizia come un romanzo di Jane Austen, con una donna borghese che cerca di sistemare le figlie con l'aristocratico locale... si legge come una riscrittura di fiabe, con riferimenti ogni cinque minuti (La principessa e il pisello, Barbablù, Cenerentola...) e finisce come un'ode al femminismo e all'amore, ignorando le convenzioni sociali." + }, + "key": "798" + }, + { + "attributes": { + "blank": " ", + "id": "800", + "language": "fr", + "text_to_embed": "Difficile de le regarder tranquillement ! Tous les enfants autour de moi voulaient le voir et l'emprunter. D'ailleurs ils ont dessiné et coloré leur propre Joconde à eux. Piotr Barsony est un guide imaginaire qui présente à sa fille la Joconde peinte par Van Gogh, Gauguin, Dali, Monet, Turner, Picasso, Pollock, Warhol, etc. et même internet. Un ouvrage surprenant et magnifique à partager." + }, + "key": "800" + }, + { + "attributes": { + "blank": " ", + "id": "801", + "language": "fr", + "text_to_embed": "Difficile de le regarder tranquillement ! 😳 Tous les enfants autour de moi voulaient le voir et l'emprunter. D'ailleurs ils ont dessiné et coloré leur propre Joconde à eux. Piotr Barsony est un guide imaginaire qui présente à sa fille la Joconde peinte par Van Gogh, Gauguin, Dali, Monet, Turner, Picasso, Pollock, Warhol, etc. 😍 et même internet. Un ouvrage surprenant et magnifique à partager." + }, + "key": "801" + }, + { + "attributes": { + "blank": " ", + "id": "802", + "language": "fr", + "text_to_embed": "Difficile de le regarder tranquillement ! Tous les enfants autour de moi voulaient le voir et l'emprunter. D'ailleurs ils ont dessiné et coloré leur propre Joconde à eux. Piotr Barsony est un guide imaginaire qui présente à sa fille la Joconde peinte par Van Gogh, Gauguin, Dali, Monet, Turner, Picasso, Pollock, Warhol, etc. et même 🌐. Un ouvrage surprenant et magnifique à partager." + }, + "key": "802" + }, + { + "attributes": { + "blank": " ", + "id": "803", + "language": "fr", + "text_to_embed": "Difficile de le regarder tranquillement ! Tous les enfants autour de moi voulaient le voir et l'emprunter. D'ailleurs ils ont dessiné et coloré leur propre Joconde à eux. Piotr Barsony est un guide imaginaire qui présente à sa fille la Joconde peinte par Van Gogh, Gauguin, Dali, Monet, Turner, Picasso, Pollock, Warhol, etc. et 📱 internet. Un ouvrage surprenant et magnifique à partager." + }, + "key": "803" + }, + { + "attributes": { + "blank": " ", + "id": "804", + "language": "fr", + "text_to_embed": "Difficile de le regarder tranquillement ! Tous les enfants autour de moi voulaient le voir et l'emprunter. D'ailleurs ils ont dessiné et coloré leur propre Joconde à eux. Piotr Barsony est un guide imaginaire qui présente à sa fille la Joconde peinte par Van Gogh, Gauguin, Dali, Monet, Turner, 🎨 Picasso, Pollock, Warhol, etc. et même internet. Un ouvrage surprenant et magnifique à partager." + }, + "key": "804" + }, + { + "attributes": { + "blank": " ", + "id": "805", + "language": "fr", + "text_to_embed": "Difficile de le regarder tranquillement ! Tous les enfants autour de moi voulaient le voir et l'emprunter. D'ailleurs ils ont dessiné et coloré leur propre Joconde à eux. Piotr Barsony est un guide imaginaire qui présente à sa fille la Joconde peinte par Van Gogh, Gauguin, Dali, Monet, 🌻 Turner, 💫 Picasso, Pollock, Warhol, etc. et même internet. Un ouvrage surprenant et magnifique à partager." + }, + "key": "805" + }, + { + "attributes": { + "blank": " ", + "id": "806", + "language": "fr", + "text_to_embed": "#Direct Difficile de le regarder tranquillement ! Tous les enfants autour de moi voulaient le voir et l'emprunter. D'ailleurs ils ont dessiné et coloré leur propre Joconde à eux. Piotr Barsony est un guide imaginaire qui présente à 🤗 sa fille la Joconde peinte par Van Gogh, Gauguin, Dali, Monet, Turner, Picasso, Pollock, Warhol, etc. et même internet. Un ouvrage surprenant et magnifique à partager." + }, + "key": "806" + }, + { + "attributes": { + "blank": " ", + "id": "807", + "language": "fr", + "text_to_embed": "Difficile de le regarder tranquillement ! Tous les enfants autour de moi voulaient le voir et l'emprunter. D'ailleurs ils ont dessiné et coloré leur propre Joconde à eux. Piotr Barsony est un guide imaginaire qui présente à sa fille la Joconde peinte par Van Gogh, Gauguin, Dali, Monet, Turner, 🌊 Picasso, Pollock, Warhol, etc. et même internet. Un ouvrage surprenant et magnifique à partager." + }, + "key": "807" + }, + { + "attributes": { + "blank": " ", + "id": "808", + "language": "fr", + "text_to_embed": "Difficile de le regarder tranquillement ! Tous les enfants autour de moi voulaient le voir et l'emprunter. D'ailleurs ils ont dessiné et coloré leur propre Joconde à eux. Piotr Barsony est un guide imaginaire qui présente à sa fille la Joconde peinte par Van Gogh, Gauguin, Dali, Monet, Turner, Picasso, Pollock, 🌈 Warhol, etc. et même internet. Un ouvrage surprenant et magnifique à partager." + }, + "key": "808" + }, + { + "attributes": { + "blank": " ", + "id": "810", + "language": "fr", + "text_to_embed": "J'avais eu un aperçu de l'univers sombre et torturé de Ghislain Gilberti à travers Le Festin du Serpent ou Le Baptême des Ténèbres. Il persiste et signe. Dans Sa Majesté des Ombres, on ne rigole pas. Et même pas du tout. A chaque changement de page, j'avais envie d'arrêter. Non pas parce que le livre est nul. Bien au contraire. Mais parce que je redoutais de savoir ce qui allait arriver à Cécile Sanchez et sa bande." + }, + "key": "810" + }, + { + "attributes": { + "blank": " ", + "id": "811", + "language": "en", + "text_to_embed": "I got a taste of Ghislain Gilberti's dark, tortured world in Le Festin du Serpent and Le Baptême des Ténèbres. Now he's at it again. Sa Majesté des Ombres is no laughing matter. And not at all. Every time I turned a page, I wanted to stop. Not because the book is rubbish. On the contrary. But because I was dreading finding out what was going to happen to Cécile Sanchez and her gang." + }, + "key": "811" + }, + { + "attributes": { + "blank": " ", + "id": "812", + "language": "de", + "text_to_embed": "Ich hatte durch Le Festin du Serpent oder Le Baptême des Ténèbres einen Eindruck von Ghislain Gilbertis düsterer und gequälter Welt bekommen. Er bleibt dabei und unterschreibt. In Ihre Majestät der Schatten wird nicht gelacht. Oder sogar überhaupt nicht. Bei jedem Seitenwechsel wollte ich am liebsten aufhören. Nicht, weil das Buch schlecht ist. Ganz im Gegenteil. Sondern weil ich mich davor fürchtete, zu erfahren, was mit Cécile Sanchez und ihrer Bande passieren würde." + }, + "key": "812" + }, + { + "attributes": { + "blank": " ", + "id": "813", + "language": "pt", + "text_to_embed": "Tive uma amostra do mundo sombrio e torturado de Ghislain Gilberti em Le Festin du Serpent e Le Baptême des Ténèbres. Agora, ele volta a fazê-lo. Sa Majesté des Ombres não é para brincadeiras. E não é de todo. Sempre que virava uma página, tinha vontade de parar. Não porque o livro seja uma porcaria. Pelo contrário. Mas porque tinha medo de saber o que ia acontecer a Cécile Sanchez e ao seu bando." + }, + "key": "813" + }, + { + "attributes": { + "blank": " ", + "id": "815", + "language": "tr", + "text_to_embed": "Ghislain Gilberti'nin karanlık ve işkence dolu dünyasını Le Festin du Serpent ve Le Baptême des Ténèbres'de tatmıştım. Şimdi yine iş başında. Sa Majesté des Ombres gülünecek bir şey değil. Hem de hiç değil. Ne zaman bir sayfa çevirsem, durmak istedim. Kitap saçma olduğu için değil. Tam tersine. Ama Cécile Sanchez ve çetesine ne olacağını öğrenmekten korktuğum için." + }, + "key": "815" + }, + { + "attributes": { + "blank": " ", + "id": "817", + "language": "ja", + "text_to_embed": "Le Festin du Serpent(蛇の祭り)』と『Le Baptême des Ténèbres(テネブルの洗礼)』で、私はギスラン・ジルベルティのダークで拷問的な世界を味わった。そして今、彼は再び挑んでいる。Sa Majesté des Ombres』は笑い事ではない。そして、まったく。ページをめくるたびに、やめたいと思った。この本がくだらないからではない。その逆だ。しかし、セシル・サンチェスとその一味がどうなってしまうのかを知るのが恐ろしかったからだ。" + }, + "key": "817" + }, + { + "attributes": { + "blank": " ", + "id": "818", + "language": "it", + "text_to_embed": "Ho avuto un assaggio del mondo oscuro e tormentato di Ghislain Gilberti in Le Festin du Serpent e Le Baptême des Ténèbres. Ora lo fa di nuovo. Sa Majesté des Ombres non fa ridere. E non lo è affatto. Ogni volta che giravo una pagina, volevo fermarmi. Non perché il libro sia una schifezza. Al contrario. Ma perché temevo di scoprire cosa sarebbe successo a Cécile Sanchez e alla sua banda." + }, + "key": "818" + }, + { + "attributes": { + "blank": " ", + "id": "820", + "language": "fr", + "text_to_embed": "Le terme Yôkai est intraduisible en un seul mot, dans nos langues occidentales. Monstre, démon, esprit, gobelin et parfois simple objet… Les yôkai sont de toutes formes, de toutes tailles et ont des capacités ou des attitudes très différentes les uns des autres. Ce livre permet d’en prendre la pleine conscience. Fruit de la fusion de deux livres, ce document récence environ 500 créatures !" + }, + "key": "820" + }, + { + "attributes": { + "blank": " ", + "id": "821", + "language": "fr", + "text_to_embed": "Il est impossible de traduire le terme Yôkai en un seul mot dans nos langues occidentales, car il englobe des notions telles que monstre, démon, esprit, gobelin voire même simple objet. Tous les yôkai prennent des formes variées, de toutes tailles, et possèdent des capacités ou attitudes totalement différentes les uns des autres. Ce livre offre une immersion complète dans leur univers. Issu de la fusion de deux ouvrages, ce recueil dresse un inventaire d'environ 500 créatures !" + }, + "key": "821" + }, + { + "attributes": { + "blank": " ", + "id": "822", + "language": "fr", + "text_to_embed": "Nos langues occidentales ne possèdent pas de terme unique pour traduire Yôkai, qui peut signifier monstre, démon, esprit, gobelin ou même objet singulier. Ces êtres prendront toutes les formes possibles et imaginables, de toutes les tailles, dotés de capacités ou de comportements variés. Ce livre permettra de prendre conscience de cette diversité. Combinant deux livres en un, ce document répertorie près de 500 créatures !" + }, + "key": "822" + }, + { + "attributes": { + "blank": " ", + "id": "823", + "language": "fr", + "text_to_embed": "Le terme Yôkai est impossible à traduire en un seul mot dans nos langues occidentales. Il englobe des concepts tels que monstre, démon, esprit, gobelin voire même simple objet. Les yôkai se présentent sous toutes les formes, dans toutes les tailles et possèdent chacun des capacités ou attitudes uniques. Ce livre offre une prise de conscience totale de leur existence. Résultat de la fusion de deux ouvrages, ce document recense près de 500 créatures !" + }, + "key": "823" + }, + { + "attributes": { + "blank": " ", + "id": "824", + "language": "fr", + "text_to_embed": "Dans nos langues occidentales, on ne peut pas traduire le terme Yôkai en un seul mot car il englobe des idées diverses comme monstre, démon, esprit, gobelin, et peut même faire référence à un simple objet. Les yôkai existent sous des formes variées, de toutes les tailles et ont des capacités et attitudes très différentes les uns des autres. Ce livre permet de prendre pleinement conscience de cela. Issu de la fusion de deux ouvrages, ce document répertorie environ 500 créatures !" + }, + "key": "824" + }, + { + "attributes": { + "blank": " ", + "id": "825", + "language": "fr", + "text_to_embed": "En nos langues occidentales, il est impossible de trouver un mot unique qui puisse traduire le terme Yôkai, qui peut signifier monstre, démon, esprit, gobelin, voire même objet. Les yôkai se déclinent sous différentes formes, de toutes tailles, et sont dotés de capacités et attitudes très diverses. Ce livre offre une vision complète de cet aspect. Fusionnant deux ouvrages, ce document réunit environ 500 créatures !" + }, + "key": "825" + }, + { + "attributes": { + "blank": " ", + "id": "826", + "language": "fr", + "text_to_embed": "Nos langues occidentales ne peuvent pas traduire le terme Yôkai en un seul mot car il englobe des notions diverses telles que monstre, démon, esprit, gobelin et même objet. Les yôkai peuvent prendre d'innombrables formes, de toutes tailles, et possèdent des capacités ou des comportements totalement différents. Ce livre permet une prise de conscience totale de cette réalité. Résultant de la fusion de deux livres, ce document répertorie environ 500 créatures !" + }, + "key": "826" + }, + { + "attributes": { + "blank": " ", + "id": "827", + "language": "fr", + "text_to_embed": "Le terme Yôkai est impossible à traduire en un seul mot dans nos langues occidentales. Il est utilisé pour désigner à la fois des monstres, des démons, des esprits, des gobelins voire même des objets. Les yôkai se manifestent sous toutes les formes imaginables, de toutes les tailles, et possèdent des capacités ou des attitudes qui varient grandement. Ce livre permet de prendre conscience de toute cette diversité. Fusionnant deux livres en un, ce document réunit environ 500 créatures !" + }, + "key": "827" + }, + { + "attributes": { + "blank": " ", + "id": "828", + "language": "fr", + "text_to_embed": "Dans nos langues occidentales, il est impossible de trouver un mot unique pour traduire Yôkai, qui peut signifier monstre, démon, esprit, gobelin ou même objet. Les yôkai peuvent prendre une multitude de formes, de toutes tailles et posséder des capacités ou des attitudes radicalement différentes les unes des autres. Ce livre permet de prendre pleinement conscience de cela. Fusion de deux ouvrages, ce document répertorie quelque 500 créatures !" + }, + "key": "828" + }, + { + "attributes": { + "blank": " ", + "id": "830", + "language": "fr", + "text_to_embed": "Cela fait presque un an que ce livre est dans ma PAL, et je regrette de pas l’avoir lu avant. Tout simplement whaou! Ce livre m’a tellement transporté que je n’arrivais pas à arrêter de lire, de vouloir savoir le fin de mot de l’histoire. Les histoires entre ces ados m’a passionné, que ça soit leur histoire propre à eux, leur secrets, ou alors l’affaire que raconte ce livre. Je le recommande énormément." + }, + "key": "830" + }, + { + "attributes": { + "blank": " ", + "id": "831", + "language": "en", + "text_to_embed": "I've had this book in my PAL for almost a year now, and I wish I'd read it sooner. This book transported me so much that I couldn't stop reading, wanting to know the end of the story. The stories between these teenagers fascinated me, whether it was their own story, their secrets, or the case that this book tells. I highly recommend it." + }, + "key": "831" + }, + { + "attributes": { + "blank": " ", + "id": "832", + "language": "de", + "text_to_embed": "Dieses Buch ist seit fast einem Jahr in meinem Besitz und ich bereue es, dass ich es nicht schon früher gelesen habe. Das Buch hat mich so mitgerissen, dass ich nicht aufhören konnte zu lesen, weil ich wissen wollte, wie die Geschichte weitergeht. Die Geschichten zwischen den Teenagern haben mich gefesselt, ob es nun ihre eigenen Geschichten sind, ihre Geheimnisse oder der Fall, der in diesem Buch erzählt wird. Ich kann das Buch nur empfehlen." + }, + "key": "832" + }, + { + "attributes": { + "blank": " ", + "id": "833", + "language": "pt", + "text_to_embed": "Já tenho este livro no meu PAL há quase um ano e gostava de o ter lido mais cedo. Este livro transportou-me de tal forma que não conseguia parar de ler, querendo saber o final da história. As histórias entre estes adolescentes fascinaram-me, quer fosse a sua própria história, os seus segredos, ou o caso que este livro conta. Recomendo-o vivamente." + }, + "key": "833" + }, + { + "attributes": { + "blank": " ", + "id": "834", + "language": "zh", + "text_to_embed": "这本书放在我的 PAL 中快一年了,真希望能早点读完。这本书深深地吸引了我,让我欲罢不能,想要知道故事的结局。这些青少年之间的故事让我着迷,无论是他们自己的故事、他们的秘密,还是这本书讲述的案件。我强烈推荐这本书。" + }, + "key": "834" + }, + { + "attributes": { + "blank": " ", + "id": "835", + "language": "tr", + "text_to_embed": "Bu kitap neredeyse bir yıldır PAL'ımdaydı ve keşke daha önce okusaydım. Bu kitap beni o kadar etkiledi ki okumayı bırakamadım, hikayenin sonunu bilmek istedim. Bu gençler arasındaki hikayeler beni büyüledi, ister kendi hikayeleri, ister sırları, ister bu kitabın anlattığı dava olsun. Şiddetle tavsiye ederim." + }, + "key": "835" + }, + { + "attributes": { + "blank": " ", + "id": "836", + "language": "ru", + "text_to_embed": "Эта книга лежит у меня в PAL уже почти год, и я жалею, что не прочитала ее раньше. Эта книга настолько захватила меня, что я не могла оторваться от чтения, желая узнать конец истории. Истории между этими подростками завораживали меня, будь то их собственная история, их секреты или дело, о котором рассказывается в этой книге. Очень рекомендую." + }, + "key": "836" + }, + { + "attributes": { + "blank": " ", + "id": "837", + "language": "ja", + "text_to_embed": "この本は1年近く前からPALに置いてあったのだが、もっと早く読んでおけばよかった。この本は私を夢中にさせ、物語の結末を知りたくて読むのを止められなかった。彼ら自身の物語であれ、彼らの秘密であれ、この本が語る事件であれ、ティーンエイジャーたちの間の物語は私を魅了した。お勧めの一冊です。" + }, + "key": "837" + }, + { + "attributes": { + "blank": " ", + "id": "838", + "language": "it", + "text_to_embed": "Ho questo libro nella mia PAL da quasi un anno e vorrei averlo letto prima. Questo libro mi ha trasportato così tanto che non riuscivo a smettere di leggere, volendo sapere la fine della storia. Le storie tra questi adolescenti mi hanno affascinato, sia che si trattasse della loro storia, dei loro segreti o del caso che questo libro racconta. Lo consiglio vivamente." + }, + "key": "838" + }, + { + "attributes": { + "blank": " ", + "id": "840", + "language": "fr", + "text_to_embed": "Poète célèbre en Roumanie, où ses poèmes sont étudiés à l'école et considérés comme des classiques de la littérature du XXème siècle, Lucian Blaga reste méconnu en France, même si plusieurs poèmes ont déjà été traduits en français. Les éditions Jacques André et Scoala Ardeleana ont entrepris de combler cette lacune en co-publiant, en édition bilingue, la totalité de l’œuvre poétique." + }, + "key": "840" + }, + { + "attributes": { + "blank": " ", + "id": "841", + "language": "fr", + "text_to_embed": "Bien que ses poèmes soient étudiés à l'école en Roumanie et considérés comme des classiques de la littérature du XXème siècle, Lucian Blaga reste un poète méconnu en France, malgré plusieurs traductions de ses poèmes en français." + }, + "key": "841" + }, + { + "attributes": { + "blank": " ", + "id": "842", + "language": "fr", + "text_to_embed": "Lucian Blaga est un poète célèbre en Roumanie, où ses poèmes sont étudiés à l'école et considérés comme des classiques de la littérature du XXème siècle, mais il reste méconnu en France, même si plusieurs de ses poèmes ont déjà été traduits en français." + }, + "key": "842" + }, + { + "attributes": { + "blank": " ", + "id": "843", + "language": "fr", + "text_to_embed": "Malgré la renommée du poète en Roumanie et la reconnaissance de ses poèmes comme des classiques de la littérature du XXème siècle, Lucian Blaga reste largement inconnu en France, bien que quelques-uns de ses poèmes aient été traduits en français." + }, + "key": "843" + }, + { + "attributes": { + "blank": " ", + "id": "844", + "language": "fr", + "text_to_embed": "Les poèmes de Lucian Blaga sont étudiés à l'école en Roumanie et considérés comme des classiques de la littérature du XXème siècle, mais il demeure méconnu en France, même si plusieurs traductions de ses poèmes existent déjà en français." + }, + "key": "844" + }, + { + "attributes": { + "blank": " ", + "id": "845", + "language": "fr", + "text_to_embed": "Lucian Blaga, poète célèbre en Roumanie dont les poèmes sont étudiés à l'école et considérés comme des classiques de la littérature du XXème siècle, reste méconnu en France, même si plusieurs de ses poèmes ont été traduits en français." + }, + "key": "845" + }, + { + "attributes": { + "blank": " ", + "id": "846", + "language": "fr", + "text_to_embed": "En Roumanie, Lucian Blaga est un poète célèbre dont les poèmes sont étudiés à l'école et considérés comme des classiques de la littérature du XXème siècle, mais il reste méconnu en France, malgré plusieurs traductions de ses poèmes en français." + }, + "key": "846" + }, + { + "attributes": { + "blank": " ", + "id": "847", + "language": "fr", + "text_to_embed": "Même si ses poèmes sont étudiés à l'école et considérés comme des classiques de la littérature du XXème siècle en Roumanie, Lucian Blaga reste largement inconnu en France, même après plusieurs traductions de certains de ses poèmes en français." + }, + "key": "847" + }, + { + "attributes": { + "blank": " ", + "id": "848", + "language": "fr", + "text_to_embed": "Lucian Blaga, poète célèbre en Roumanie dont les poèmes sont étudiés à l'école et considérés comme des classiques de la littérature du XXème siècle, demeure méconnu en France, malgré plusieurs traductions de ses poèmes en français." + }, + "key": "848" + }, + { + "attributes": { + "blank": " ", + "id": "850", + "language": "fr", + "text_to_embed": "Alors c'est une belle découverte juste avant Noël. Une histoire moderne qui met son héroïne face à son destin et à ses choix lors de sa recherche de l'amour. Elle grandira pendant cette expérience des 12 rendez-vous de Noël. J'ai aimé l'ambiance, le style d'écriture et le final digne d'une belle romance de Noël comme on les aime. Je vous recommande ce roman de 542 pages toute de même !" + }, + "key": "850" + }, + { + "attributes": { + "blank": " ", + "id": "851", + "language": "fr", + "text_to_embed": "Juste avant Noël, j'ai fait une découverte magnifique : une histoire moderne où l'héroïne est confrontée à son destin et à ses choix alors qu'elle recherche l'amour. Pendant les 12 rendez-vous de Noël, elle va grandir grâce à cette expérience." + }, + "key": "851" + }, + { + "attributes": { + "blank": " ", + "id": "852", + "language": "fr", + "text_to_embed": "Avant les festivités de Noël, j'ai fait une belle trouvaille : une histoire contemporaine où l'héroïne fait face à son destin et à ses choix tout en cherchant l'amour. Au fil des 12 rendez-vous de Noël, elle évolue et s'épanouit." + }, + "key": "852" + }, + { + "attributes": { + "blank": " ", + "id": "853", + "language": "fr", + "text_to_embed": "À quelques jours de Noël, voici une découverte qui m'a enchanté : une intrigue moderne où l'héroïne se confronte à son destin et à ses choix dans sa quête de l'amour. Elle se développe tout au long des 12 rendez-vous de Noël." + }, + "key": "853" + }, + { + "attributes": { + "blank": " ", + "id": "854", + "language": "fr", + "text_to_embed": "Juste avant les fêtes, une merveilleuse découverte s'est présentée : une histoire contemporaine où l'héroïne doit affronter son destin et prendre des décisions lors de sa recherche de l'amour. Pendant les 12 rendez-vous de Noël, elle se transforme." + }, + "key": "854" + }, + { + "attributes": { + "blank": " ", + "id": "855", + "language": "fr", + "text_to_embed": "Avant Noël, j'ai été captivé par cette magnifique découverte : une histoire moderne où l'héroïne fait face à son destin et à ses choix dans sa quête amoureuse. Elle s'épanouit tout au long des 12 rendez-vous de Noël." + }, + "key": "855" + }, + { + "attributes": { + "blank": " ", + "id": "856", + "language": "fr", + "text_to_embed": "Alors, juste avant Noël, j'ai fait une belle découverte : une histoire contemporaine qui plonge son héroïne dans son destin et ses décisions lorsqu'elle est en quête d'amour. Grâce aux 12 rendez-vous de Noël, elle se développe." + }, + "key": "856" + }, + { + "attributes": { + "blank": " ", + "id": "857", + "language": "fr", + "text_to_embed": "À quelques jours de Noël, j'ai été agréablement surpris par cette trouvaille : une histoire moderne qui met en scène une héroïne confrontée à son destin et à ses choix pendant sa recherche de l'amour. Son évolution se produit au fil des 12 rendez-vous de Noël." + }, + "key": "857" + }, + { + "attributes": { + "blank": " ", + "id": "858", + "language": "fr", + "text_to_embed": "Juste avant Noël, j'ai découvert un bijou : une histoire contemporaine où l'héroïne est confrontée à son destin et à ses choix lors de sa quête de l'amour. Au cours des 12 rendez-vous de Noël, elle se transforme." + }, + "key": "858" + }, + { + "attributes": { + "blank": " ", + "id": "860", + "language": "fr", + "text_to_embed": "Certains d'entre vous se demandent si après 10 tomes la série arrivent encore à se renouveler et à être intéressante, si l'intrigue n'est pas trop redondante ou trop ennuyante, mais je peux vous dire que même après avoir lu ces dix livres je suis encore surprise par la façon dont les choses se passent. Chaque tome vient apporter sa petite pierre à l'édifice globale qu'est l'univers des Hybrides. Mais revenons à ce tome sur Lune." + }, + "key": "860" + }, + { + "attributes": { + "blank": " ", + "id": "861", + "language": "en", + "text_to_embed": "Some of you may be wondering whether, after 10 volumes, the series is still able to keep things fresh and interesting, whether the plot isn't too redundant or too boring, but I can tell you that even after reading these ten books I'm still surprised by the way things are going. Each volume adds its own little stone to the overall edifice that is the Hybrid universe. But let's get back to this Moon tome." + }, + "key": "861" + }, + { + "attributes": { + "blank": " ", + "id": "862", + "language": "de", + "text_to_embed": "Einige von Ihnen werden sich fragen, ob die Serie auch nach zehn Bänden noch interessant ist, ob die Handlung nicht zu redundant oder zu langweilig ist, aber ich kann Ihnen sagen, dass ich selbst nach zehn Büchern noch immer überrascht bin, wie die Dinge laufen. Jeder Band trägt seinen Teil zum Gesamtbild des Hybriden-Universums bei. Aber zurück zu diesem Mond-Band." + }, + "key": "862" + }, + { + "attributes": { + "blank": " ", + "id": "863", + "language": "pt", + "text_to_embed": "Alguns de vós podem estar a perguntar-se se, após 10 volumes, a série ainda é capaz de manter as coisas frescas e interessantes, se o enredo não é demasiado redundante ou demasiado aborrecido, mas posso dizer-vos que, mesmo depois de ler estes dez livros, continuo a surpreender-me com a forma como as coisas estão a correr. Cada volume acrescenta a sua pequena pedra ao edifício global que é o universo Hybrid. Mas voltemos a este tomo da Lua." + }, + "key": "863" + }, + { + "attributes": { + "blank": " ", + "id": "864", + "language": "zh", + "text_to_embed": "有些人可能会想,这套书已经出版了 10 卷,是否还能保持新鲜感和趣味性,情节是否不会过于冗长或乏味,但我可以告诉你们,即使读完了这 10 卷,我仍然对事情的发展感到惊讶。每一卷都为 \"混合宇宙 \"这座大厦增添了自己的小石头。让我们回到这本《月球》上来。" + }, + "key": "864" + }, + { + "attributes": { + "blank": " ", + "id": "866", + "language": "ru", + "text_to_embed": "Возможно, кто-то из вас задастся вопросом, удается ли после 10 томов сохранять свежесть и интерес, не становится ли сюжет слишком избыточным или скучным, но я могу сказать, что даже после прочтения этих десяти книг я не перестаю удивляться тому, как все происходит. Каждый том добавляет свой маленький камешек в общую конструкцию вселенной Hybrid. Но давайте вернемся к этому томику о Луне." + }, + "key": "866" + }, + { + "attributes": { + "blank": " ", + "id": "868", + "language": "it", + "text_to_embed": "Alcuni di voi si staranno chiedendo se, dopo 10 volumi, la serie sia ancora in grado di mantenere le cose fresche e interessanti, se la trama non sia troppo ridondante o noiosa, ma posso dirvi che anche dopo aver letto questi dieci libri sono ancora sorpreso da come stanno andando le cose. Ogni volume aggiunge la sua piccola pietra all'edificio complessivo che è l'universo di Hybrid. Ma torniamo a questo tomo della Luna." + }, + "key": "868" + }, + { + "attributes": { + "blank": " ", + "id": "870", + "language": "fr", + "text_to_embed": "Les superbes tableaux de Teresa Arroyo Corcobado, colorés, dynamiques et pleins de vitalité viennent ici sublimer le texte tendre de Maylis Daufresne. Autour de l'arbrisseau qui point et de son amitié avec l'oiseau voyageur, le lecteur ressent les bruissements de la forêt, l'apprentissage de l'arbre et sa sagesse infinie... Autour de laquelle gravite la vie. Superbe." + }, + "key": "870" + }, + { + "attributes": { + "blank": " ", + "id": "871", + "language": "fr", + "text_to_embed": "Les magnifiques toiles de Teresa Arroyo Corcobado, riches en couleurs, pleines de dynamisme et débordant de vitalité, embellissent admirablement le texte doux de Maylis Daufresne. La présence du petit arbuste en croissance et de son amitié avec l'oiseau migrant permet au lecteur de ressentir les murmures de la forêt, l'apprentissage de l'arbre et sa grande sagesse... Autour d'eux, la vie gravite. C'est splendide." + }, + "key": "871" + }, + { + "attributes": { + "blank": " ", + "id": "872", + "language": "fr", + "text_to_embed": "Les œuvres époustouflantes de Teresa Arroyo Corcobado, aux couleurs éclatantes, animées et débordantes de vitalité, offrent une sublimation parfaite du texte tendre de Maylis Daufresne. Autour de l'arbuste en pleine éclosion et de son amitié avec l'oiseau voyageur, le lecteur ressent le frémissement de la forêt, l'apprentissage de l'arbre et son infinie sagesse... La vie tourne incontestablement autour d'eux. Vraiment superbe." + }, + "key": "872" + }, + { + "attributes": { + "blank": " ", + "id": "873", + "language": "fr", + "text_to_embed": "Les extraordinaires peintures de Teresa Arroyo Corcobado, flamboyantes, dynamiques et débordantes de vitalité, viennent ici sublimer le texte plein de délicatesse de Maylis Daufresne. Autour de l'arbre naissant et de son amitié avec l'oiseau migrateur, le lecteur peut percevoir les murmures de la forêt, l'apprentissage de l'arbre et sa sagesse infinie... Tout tourne autour de ces éléments essentiels de la vie. C'est magnifique." + }, + "key": "873" + }, + { + "attributes": { + "blank": " ", + "id": "874", + "language": "fr", + "text_to_embed": "Les superbes tableaux de Teresa Arroyo Corcobado, éclatants de couleurs, pleins d'énergie et de vitalité, ajoutent une touche de sublimation au texte doux de Maylis Daufresne. Autour de l'arbuste pointant vers le ciel et de son amitié avec l'oiseau voyageur, le lecteur ressent les bruissements de la forêt, apprend de l'arbre et de sa sagesse infinie... C'est autour de ces éléments que se concentre la vie. Absolument magnifique." + }, + "key": "874" + }, + { + "attributes": { + "blank": " ", + "id": "875", + "language": "fr", + "text_to_embed": "Les superbes tableaux de Teresa Arroyo Corcobado, vifs en couleurs, animés et rayonnant de vitalité, viennent ici sublimer le texte tendre de Maylis Daufresne. Autour du petit arbuste pointant vers le ciel et de son amitié avec l'oiseau voyageur, le lecteur perçoit les murmures de la forêt, la croissance de l'arbre et sa sagesse sans fin... La vie se concentre autour de ces éléments. Tout simplement magnifique." + }, + "key": "875" + }, + { + "attributes": { + "blank": " ", + "id": "876", + "language": "fr", + "text_to_embed": "Les superbes peintures de Teresa Arroyo Corcobado, colorées, dynamiques et empreintes de vitalité, apportent une sublimation au texte délicat de Maylis Daufresne. Autour de l'arbre naissant et de son amitié avec l'oiseau migrant, le lecteur ressent les murmures de la forêt, l'éducation de l'arbre et sa grande sagesse... Autour de ces éléments, la vie gravite. C'est magnifique." + }, + "key": "876" + }, + { + "attributes": { + "blank": " ", + "id": "877", + "language": "fr", + "text_to_embed": "Les magnifiques tableaux de Teresa Arroyo Corcobado, aux couleurs éclatantes, plein d'énergie et de vitalité, viennent sublimer le texte tendre de Maylis Daufresne. Autour de l'arbuste en croissance pointant vers le ciel et de son amitié avec l'oiseau voyageur, le lecteur ressent les bruissements de la forêt, l'apprentissage de l'arbre et sa sagesse infinie... Autour d'eux, la vie prend son sens. Absolument superbe." + }, + "key": "877" + }, + { + "attributes": { + "blank": " ", + "id": "878", + "language": "fr", + "text_to_embed": "Les impressionnants tableaux de Teresa Arroyo Corcobado, chatoyants, dynamiques et pleins de vitalité, subliment le texte tendre de Maylis Daufresne de manière exceptionnelle. Autour du petit arbuste qui se dresse et de son amitié avec l'oiseau migrateur, le lecteur ressent les murmures de la forêt, participe à l'apprentissage de l'arbre et saisit la profonde sagesse qui s'en dégage... La vie tourne autour de tout cela. C'est superbe." + }, + "key": "878" + }, + { + "attributes": { + "blank": " ", + "id": "880", + "language": "fr", + "text_to_embed": "D’abord, j’ai été intriguée par ce qui se disait sur La plus secrète mémoire des hommes, de quoi me donner envie de le lire. Ensuite, j’ai soupiré sur les 50 premières pages, encore 400 pages comme ça ? C’était ennuyeux, malgré le très beau style. Enfin, le livre démarre, c’est finalement un coup de cœur en dépit de quelques reproches (mais pourquoi donc compliquer la vie du lecteur ?)" + }, + "key": "880" + }, + { + "attributes": { + "blank": " ", + "id": "881", + "language": "fr", + "text_to_embed": "Nouvelle étude révèle!! D’abord, j’ai été intriguée par ce qui se disait sur #LaPlusSecrèteMémoireDesHommes, de quoi me donner envie de le lire. Ensuite, j’ai soupiré sur les 50 premières pages, encore 400 pages comme ça ? C’était ennuyeux, malgré le très beau style. Enfin, le livre démarre, c’est finalement un coup de cœur en dépit de quelques reproches (mais pourquoi donc compliquer la vie du lecteur ?) 😊" + }, + "key": "881" + }, + { + "attributes": { + "blank": " ", + "id": "882", + "language": "fr", + "text_to_embed": "D’abord, j’ai été intriguée par ce qui se disait sur #Intriguant, de quoi me donner envie de le lire. Ensuite, j’ai soupiré sur les 50 premières pages, encore 400 pages comme ça ? C’était ennuyeux, malgré le très beau style. Enfin, le livre démarre, c’est finalement un coup de cœur en dépit de quelques reproches (mais pourquoi donc compliquer la vie du lecteur ?) 😴" + }, + "key": "882" + }, + { + "attributes": { + "blank": " ", + "id": "883", + "language": "fr", + "text_to_embed": "D’abord, j’ai été intriguée par ce qui se disait sur #LaPlusSecrèteMémoireDesHommes, de quoi me donner envie de le lire. Ensuite, j’ai soupiré sur les 50 premières pages, encore 400 pages comme ça ? C’était ennuyeux, malgré le très beau style. Enfin, le livre démarre, c’est finalement un coup de ❤️ en dépit de quelques reproches (mais pourquoi donc compliquer la vie du lecteur ?)" + }, + "key": "883" + }, + { + "attributes": { + "blank": " ", + "id": "884", + "language": "fr", + "text_to_embed": "D’abord, j’ai été intriguée par ce qui se disait sur #RomanIntriguant, de quoi me donner envie de le lire. Ensuite, j’ai soupiré sur les 50 premières pages, encore 400 pages comme ça ? C’était ennuyeux, malgré le très beau style. Enfin, le livre démarre, c’est finalement un 💕 en dépit de quelques reproches (mais pourquoi donc compliquer la vie du lecteur ?)" + }, + "key": "884" + }, + { + "attributes": { + "blank": " ", + "id": "885", + "language": "fr", + "text_to_embed": "D’abord, j’ai été intriguée par ce qui se disait sur #LaPlusSecrèteMémoireDesHommes, de quoi me donner envie de le lire. Ensuite, j’ai soupiré sur les 50 premières pages, encore 400 pages comme ça ? C’était ennuyeux, malgré le très beau style. Enfin, le livre démarre, c’est finalement un 💖 en dépit de quelques reproches (mais pourquoi donc compliquer la vie du lecteur ?)" + }, + "key": "885" + }, + { + "attributes": { + "blank": " ", + "id": "886", + "language": "fr", + "text_to_embed": "D’abord, j’ai été intriguée par ce qui se disait sur #Intrigant, de quoi me donner envie de le lire. Ensuite, j’ai soupiré sur les 50 premières pages, encore 400 pages comme ça ? C’était ennuyeux, malgré le très beau style. Enfin, le livre démarre, c’est finalement un coup de 💕 en dépit de quelques reproches (mais pourquoi donc compliquer la vie du lecteur ?)" + }, + "key": "886" + }, + { + "attributes": { + "blank": " ", + "id": "887", + "language": "fr", + "text_to_embed": "D’abord, j’ai été intriguée par ce qui se disait sur #LaPlusSecrèteMémoireDesHommes, de quoi me donner envie de le lire. Ensuite, j’ai soupiré sur les 50 premières pages, encore 400 pages comme ça ? C’était ennuyeux, malgré le très beau style. Enfin, le livre démarre, c’est finalement un coup de 😍 en dépit de quelques reproches (mais pourquoi donc compliquer la vie du lecteur ?)" + }, + "key": "887" + }, + { + "attributes": { + "blank": " ", + "id": "888", + "language": "fr", + "text_to_embed": "D’abord, j’ai été intriguée par ce qui se disait sur #RomanIntriguant, de quoi me donner envie de le lire. Ensuite, j’ai soupiré sur les 50 premières pages, encore 400 pages comme ça ? C’était ennuyeux, malgré le très beau style. Enfin, le livre démarre, c’est finalement un coup de 😊 en dépit de quelques reproches (mais pourquoi donc compliquer la vie du lecteur ?)" + }, + "key": "888" + }, + { + "attributes": { + "blank": " ", + "id": "891", + "language": "en", + "text_to_embed": "Nothing's going right in the little Smurf village! They're usually so friendly, so kind, so cheerful, so benevolent, so supportive, but now they've become unrecognisable. For some time now, who knows why, they've become aggressive, unpleasant, grumpy and quarrelsome. As the days go by, the situation only gets worse." + }, + "key": "891" + }, + { + "attributes": { + "blank": " ", + "id": "900", + "language": "fr", + "text_to_embed": "Une nouvelle fois, j'ai lu un roman que je n'ai pas choisi mais qui m'a été proposé dans le cadre du club de lecture, parrainé par les éditions J'ai Lu, dont je fais partie. J'aime ce jeu de hasard qui me met en contact avec un roman que je n'aurais probablement pas lu de moi-même. J'aime être surprise, faire la connaissance d' un(e) auteur(e) ; même si je suis déçue, parfois, l'excitation de la découverte reste un plaisir." + }, + "key": "900" + }, + { + "attributes": { + "blank": " ", + "id": "901", + "language": "en", + "text_to_embed": "Once again, I've read a novel that I didn't choose, but which was suggested to me as part of the book club sponsored by J'ai Lu, of which I'm a member. I love this game of chance that brings me into contact with a novel that I probably wouldn't have read on my own. I love being surprised, getting to know an author; even if I'm disappointed, sometimes the excitement of the discovery is still a pleasure." + }, + "key": "901" + }, + { + "attributes": { + "blank": " ", + "id": "902", + "language": "de", + "text_to_embed": "Wieder einmal habe ich einen Roman gelesen, den ich nicht selbst ausgewählt habe, sondern der mir im Rahmen des Buchclubs, der vom Verlag J'ai Lu gesponsert wird und dem ich angehöre, vorgeschlagen wurde. Ich mag dieses Spiel des Zufalls, das mich mit einem Roman in Berührung bringt, den ich wahrscheinlich nicht von selbst gelesen hätte. Ich lasse mich gerne überraschen, lerne gerne einen Autor oder eine Autorin kennen; selbst wenn ich manchmal enttäuscht werde, bleibt die Aufregung der Entdeckung ein Vergnügen." + }, + "key": "902" + }, + { + "attributes": { + "blank": " ", + "id": "903", + "language": "pt", + "text_to_embed": "Mais uma vez, li um romance que não escolhi, mas que me foi sugerido no âmbito do clube de leitura promovido pela J'ai Lu, do qual sou membro. Adoro este jogo de sorte que me põe em contacto com um romance que provavelmente não teria lido sozinha. Adoro ser surpreendida, conhecer um autor; mesmo que fique desiludida, por vezes a excitação da descoberta não deixa de ser um prazer." + }, + "key": "903" + }, + { + "attributes": { + "blank": " ", + "id": "904", + "language": "zh", + "text_to_embed": "我又一次读到了一本我没有选择的小说,但它是由我作为会员的 J'ai Lu 主办的读书俱乐部推荐给我的。我喜欢这种机缘巧合的游戏,它让我接触到一本我自己可能不会读的小说。我喜欢惊喜,喜欢了解一位作家;即使失望,有时发现的兴奋仍是一种乐趣。" + }, + "key": "904" + }, + { + "attributes": { + "blank": " ", + "id": "906", + "language": "ru", + "text_to_embed": "В очередной раз я прочитала роман, который не выбирала, но который был предложен мне в рамках книжного клуба, организованного компанией J'ai Lu, членом которой я являюсь. Мне нравится эта игра случая, которая приводит меня к знакомству с романом, который я, возможно, не стал бы читать самостоятельно. Мне нравится удивляться, знакомиться с автором; даже если я разочаровываюсь, иногда восторг от открытия все равно доставляет удовольствие." + }, + "key": "906" + }, + { + "attributes": { + "blank": " ", + "id": "907", + "language": "ja", + "text_to_embed": "今回もまた、私が選んだのではなく、私が会員であるJ'ai Lu主催のブッククラブの一環として勧められた小説を読んだ。自分ひとりではおそらく読まなかったであろう小説に出会えるこの偶然のゲームが大好きだ。作家を知り、驚かされるのは大好きだ。たとえがっかりしたとしても、発見の興奮はやはり楽しいものだ。" + }, + "key": "907" + }, + { + "attributes": { + "blank": " ", + "id": "908", + "language": "it", + "text_to_embed": "Ancora una volta ho letto un romanzo che non ho scelto io, ma che mi è stato suggerito nell'ambito del club del libro promosso da J'ai Lu, di cui sono membro. Mi piace questo gioco del caso che mi fa entrare in contatto con un romanzo che probabilmente non avrei letto da sola. Mi piace essere sorpresa, conoscere un autore; anche se rimango delusa, a volte l'emozione della scoperta è comunque un piacere." + }, + "key": "908" + }, + { + "attributes": { + "blank": " ", + "id": "910", + "language": "fr", + "text_to_embed": "Commençons par les choses qui fâchent : Impact est en soi un roman médiocre, prévisible et plein de clichés, qui ressemble à un travail bâclé, ou plutôt à la production mineure d'un écrivain en pilote automatique. Le scénario, les lieux du récit, les personnages, jusqu'aux noms même (les masques de panda avec une cicatrice, l'association \"Green War\", etc.), tout semble avoir été choisi au plus facile, comme par fainéantise." + }, + "key": "910" + }, + { + "attributes": { + "blank": " ", + "id": "911", + "language": "fr", + "text_to_embed": "Commençons par les choses qui fâchent 😡: Impact est en soi un roman médiocre, prévisible et plein de clichés, qui ressemble à un travail bâclé, ou plutôt à la production mineure d'un écrivain en pilote automatique. Le scénario, les lieux du récit, les personnages, jusqu'aux noms même (les masques de panda avec une cicatrice 😒, l'association \"Green War\" 😠, etc.), tout semble avoir été choisi au plus facile, comme par fainéantise. #déception #mauvaisroman" + }, + "key": "911" + }, + { + "attributes": { + "blank": " ", + "id": "912", + "language": "fr", + "text_to_embed": "Commençons par les choses qui fâchent 😠: Impact est en soi un roman médiocre, prévisible et plein de clichés, qui ressemble à un travail bâclé, ou plutôt à la production mineure d'un écrivain en pilote automatique. Le scénario, les lieux du récit, les personnages, jusqu'aux noms même (les masques de panda avec une cicatrice 😡, l'association \"Green War\" 😞, etc.), tout semble avoir été choisi au plus facile, comme par fainéantise. #déception #mauvaischoix" + }, + "key": "912" + }, + { + "attributes": { + "blank": " ", + "id": "913", + "language": "fr", + "text_to_embed": "Commençons par les choses qui fâchent 😞: Impact est en soi un roman médiocre, prévisible et plein de clichés, qui ressemble à un travail bâclé, ou plutôt à la production mineure d'un écrivain en pilote automatique. Le scénario, les lieux du récit, les personnages, jusqu'aux noms même (les masques de panda avec une cicatrice 😕, l'association \"Green War\" 😔, etc.), tout semble avoir été choisi au plus facile, comme par fainéantise. #déception #manqueoriginalité" + }, + "key": "913" + }, + { + "attributes": { + "blank": " ", + "id": "914", + "language": "fr", + "text_to_embed": "Commençons par les choses qui fâchent 😕: Impact est en soi un roman médiocre, prévisible et plein de clichés, qui ressemble à un travail bâclé, ou plutôt à la production mineure d'un écrivain en pilote automatique. Le scénario, les lieux du récit, les personnages, jusqu'aux noms même (les masques de panda avec une cicatrice 😞, l'association \"Green War\" 😒, etc.), tout semble avoir été choisi au plus facile, comme par fainéantise. #déception #manqueoriginalité" + }, + "key": "914" + }, + { + "attributes": { + "blank": " ", + "id": "915", + "language": "fr", + "text_to_embed": "Commençons par les choses qui fâchent 😑: Impact est en soi un roman médiocre, prévisible et plein de clichés, qui ressemble à un travail bâclé, ou plutôt à la production mineure d'un écrivain en pilote automatique. Le scénario, les lieux du récit, les personnages, jusqu'aux noms même (les masques de panda avec une cicatrice 😒, l'association \"Green War\" 😕, etc.), tout semble avoir été choisi au plus facile, comme par fainéantise. #déception #manqued'inspiration" + }, + "key": "915" + }, + { + "attributes": { + "blank": " ", + "id": "916", + "language": "fr", + "text_to_embed": "Commençons par les choses qui fâchent 😐: Impact est en soi un roman médiocre, prévisible et plein de clichés, qui ressemble à un travail bâclé, ou plutôt à la production mineure d'un écrivain en pilote automatique. Le scénario, les lieux du récit, les personnages, jusqu'aux noms même (les masques de panda avec une cicatrice 😑, l'association \"Green War\" 😞, etc.), tout semble avoir été choisi au plus facile, comme par fainéantise. #déception #manquecréativité" + }, + "key": "916" + }, + { + "attributes": { + "blank": " ", + "id": "917", + "language": "fr", + "text_to_embed": "Commençons par les choses qui fâchent 😬: Impact est en soi un roman médiocre, prévisible et plein de clichés, qui ressemble à un travail bâclé, ou plutôt à la production mineure d'un écrivain en pilote automatique. Le scénario, les lieux du récit, les personnages, jusqu'aux noms même (les masques de panda avec une cicatrice 😬, l'association \"Green War\" 😕, etc.), tout semble avoir été choisi au plus facile, comme par fainéantise. #déception #manquecréativité" + }, + "key": "917" + }, + { + "attributes": { + "blank": " ", + "id": "918", + "language": "fr", + "text_to_embed": "Commençons par les choses qui fâchent 😉: Impact est en soi un roman médiocre, prévisible et plein de clichés, qui ressemble à un travail bâclé, ou plutôt à la production mineure d'un écrivain en pilote automatique. Le scénario, les lieux du récit, les personnages, jusqu'aux noms même (les masques de panda avec une cicatrice 😉, l'association \"Green War\" 😞, etc.), tout semble avoir été choisi au plus facile, comme par fainéantise. #déception #manqued'originalité" + }, + "key": "918" + }, + { + "attributes": { + "blank": " ", + "id": "921", + "language": "fr", + "text_to_embed": "C'est un roman touchant qui traite du handicap, de l'amitié et de l'amour, soulignant notamment la difficulté de les concilier." + }, + "key": "921" + }, + { + "attributes": { + "blank": " ", + "id": "922", + "language": "fr", + "text_to_embed": "On peut clairement comprendre la colère que ressent Clément, cependant, j'ai eu du mal à m'attacher à lui ainsi qu'aux autres personnages." + }, + "key": "922" + }, + { + "attributes": { + "blank": " ", + "id": "924", + "language": "fr", + "text_to_embed": "L'histoire est un roman émouvant qui parle du handicap, de l'amitié et de l'amour, plus précisément de la difficulté à les combiner." + }, + "key": "924" + }, + { + "attributes": { + "blank": " ", + "id": "925", + "language": "fr", + "text_to_embed": "Bien que je comprenne parfaitement la frustration de Clément, je n'ai pas réussi à m'attacher à son personnage ni aux autres." + }, + "key": "925" + }, + { + "attributes": { + "blank": " ", + "id": "930", + "language": "fr", + "text_to_embed": "Mouais, un opus assez tout mou, Patrick enquête de son propre chef sans être payé, bizarre ! Kenzie et Gennaro ne sont plus ensemble à cause de leur désaccord sur l'épilogue de Gone Baby Gone et même si Lehane ne donne pas un grand rôle à Angie, on sent son absence jusqu'à ce qu'elle réapparaisse vers la fin. En effet, tout s'accélère et devient plus plaisant dans le dernier quart du livre." + }, + "key": "930" + }, + { + "attributes": { + "blank": " ", + "id": "931", + "language": "fr", + "text_to_embed": "C'est un opus plutôt mou, Patrick mène son enquête de manière bénévole, c'est étrange !" + }, + "key": "931" + }, + { + "attributes": { + "blank": " ", + "id": "932", + "language": "fr", + "text_to_embed": "C'est drôle, Patrick enquête de son propre chef sans être rémunéré, c'est bizarre !" + }, + "key": "932" + }, + { + "attributes": { + "blank": " ", + "id": "933", + "language": "fr", + "text_to_embed": "Kenzie et Gennaro ne sont plus ensemble à cause de leur désaccord sur la fin de Gone Baby Gone, tandis que Lehane ne donne pas un grand rôle à Angie, mais on ressent son absence jusqu'à la fin du livre où elle réapparaît." + }, + "key": "933" + }, + { + "attributes": { + "blank": " ", + "id": "934", + "language": "fr", + "text_to_embed": "On peut dire que c'est un opus assez mou, Patrick mène son enquête de manière non rétribuée, c'est étrange !" + }, + "key": "934" + }, + { + "attributes": { + "blank": " ", + "id": "935", + "language": "fr", + "text_to_embed": "Kenzie et Gennaro ne sont plus ensemble à cause de leur désaccord sur le dénouement de Gone Baby Gone, et même si Lehane ne donne pas un rôle crucial à Angie, sa présence est palpable jusqu'à son retour à la fin." + }, + "key": "935" + }, + { + "attributes": { + "blank": " ", + "id": "940", + "language": "fr", + "text_to_embed": "L'auteur aborde des thématiques dures telles que les violences conjugales, le deuil, les drogues mais j'ai trouvé que ça tournait trop au mélodramatique malgré un début prometteur. Le style est bon, ça se lit vite mais paradoxalement il y a des passages avec des longueurs où ça n'avance pas beaucoup… J'ai eu du mal à trouver les personnages attachants et il y a quand même des grosses facilités et \"coïncidences\" dans l'intrigue." + }, + "key": "940" + }, + { + "attributes": { + "blank": " ", + "id": "941", + "language": "en", + "text_to_embed": "The author tackles tough issues such as domestic violence, bereavement and drugs, but I found it too melodramatic despite a promising start. The style is good, it's a quick read but paradoxically there are some long passages where it doesn't get very far... I found it hard to find the characters engaging and there are still some major plot twists and \"coincidences\"." + }, + "key": "941" + }, + { + "attributes": { + "blank": " ", + "id": "942", + "language": "de", + "text_to_embed": "Die Autorin spricht harte Themen wie häusliche Gewalt, Trauer und Drogen an, aber ich fand, dass es trotz eines vielversprechenden Anfangs zu sehr ins Melodramatische abdriftete. Der Stil ist gut, es liest sich schnell, aber paradoxerweise gibt es Passagen mit Längen, in denen es nicht viel weitergeht... Ich hatte Schwierigkeiten, die Charaktere liebenswert zu finden und es gibt trotzdem große Erleichterungen und \"Zufälle\" in der Handlung." + }, + "key": "942" + }, + { + "attributes": { + "blank": " ", + "id": "943", + "language": "pt", + "text_to_embed": "A autora aborda temas difíceis como a violência doméstica, o luto e a droga, mas achei que se tornou demasiado melodramático, apesar de um início prometedor. O estilo é bom, é uma leitura rápida mas, paradoxalmente, há algumas passagens longas em que não se vai muito longe... Tive dificuldade em encontrar personagens cativantes e há ainda algumas grandes reviravoltas e \"coincidências\"." + }, + "key": "943" + }, + { + "attributes": { + "blank": " ", + "id": "944", + "language": "zh", + "text_to_embed": "作者探讨了一些棘手的问题,如家庭暴力、丧亲之痛和毒品,但我发现,尽管开头很有希望,但故事变得过于戏剧化了。这本书的风格很好,读起来很快,但矛盾的是,有一些很长的段落并没有深入下去......我发现书中的人物很难吸引人,而且还有一些重大的情节转折和 \"巧合\"。" + }, + "key": "944" + }, + { + "attributes": { + "blank": " ", + "id": "946", + "language": "ru", + "text_to_embed": "Автор затрагивает такие сложные темы, как домашнее насилие, тяжелая утрата и наркотики, но мне показалось, что, несмотря на многообещающее начало, книга получилась слишком мелодраматичной. Стиль хороший, читается быстро, но, как ни парадоксально, есть несколько длинных отрывков, в которых не очень-то разгонишься... Мне показалось, что персонажи не вызывают интереса, и все же есть несколько серьезных сюжетных поворотов и \"совпадений\"." + }, + "key": "946" + }, + { + "attributes": { + "blank": " ", + "id": "948", + "language": "it", + "text_to_embed": "L'autrice affronta temi difficili come la violenza domestica, il lutto e la droga, ma l'ho trovato troppo melodrammatico nonostante l'inizio promettente. Lo stile è buono, si legge velocemente, ma paradossalmente ci sono alcuni lunghi passaggi in cui non si arriva molto lontano... Ho trovato difficile trovare i personaggi coinvolgenti e ci sono ancora alcuni importanti colpi di scena e \"coincidenze\"." + }, + "key": "948" + }, + { + "attributes": { + "blank": " ", + "id": "950", + "language": "fr", + "text_to_embed": "j'ai trouvé ce livre plutôt pas mal hormis le fait que grégoire est dépréssif, même le \"sage\" de cette histoire (son grand-père) nemontre pas le bon exemple, au début il est super essaie de remettre son petit-fils sur le droit chemin mais il ne réussit pas et s'énerve, alors que justement il doit empêcher Grégoire de faire des bêtises, le rendre \"sage\" comme lui, donc il doit montrer l'exemple." + }, + "key": "950" + }, + { + "attributes": { + "blank": " ", + "id": "951", + "language": "en", + "text_to_embed": "I thought this book was pretty good, apart from the fact that Gregoire is depressive, even the \"wise man\" in this story (his grandfather) doesn't set a good example, at the beginning he's great, he tries to put his grandson back on the right track but he doesn't succeed and gets angry, even though his job is to prevent Gregoire from getting into mischief, to make him as \"wise\" as he is, so he has to set an example." + }, + "key": "951" + }, + { + "attributes": { + "blank": " ", + "id": "952", + "language": "de", + "text_to_embed": "Ich fand das Buch ganz gut, abgesehen davon, dass Gregory depressiv ist, auch der \"Weise\" in dieser Geschichte (sein Großvater) geht nicht mit gutem Beispiel voran, am Anfang ist er super und versucht, seinen Enkel auf den rechten Weg zu bringen, aber er schafft es nicht und wird wütend, dabei sollte er Gregory doch gerade davon abhalten, Dummheiten zu machen, ihn \"weise\" machen wie ihn, also muss er mit gutem Beispiel vorangehen." + }, + "key": "952" + }, + { + "attributes": { + "blank": " ", + "id": "953", + "language": "pt", + "text_to_embed": "Achei este livro muito bom, tirando o facto de Gregoire ser depressivo, mesmo o \"sábio\" desta história (o avô) não dá um bom exemplo, no início é ótimo, tenta pôr o neto no bom caminho mas não consegue e fica zangado, apesar de a sua função ser impedir Gregoire de se meter em confusões, torná-lo tão \"sábio\" como ele, por isso tem de dar o exemplo." + }, + "key": "953" + }, + { + "attributes": { + "blank": " ", + "id": "954", + "language": "zh", + "text_to_embed": "我觉得这本书挺不错的,除了格雷瓜尔是个抑郁症患者之外,就连故事中的 \"智者\"(他的祖父)也没有树立一个好榜样,一开始他很好,他试图让孙子回到正确的轨道上来,但他没有成功,反而生气了,尽管他的工作是防止格雷瓜尔陷入恶作剧,让他像自己一样 \"聪明\",所以他必须树立一个榜样。" + }, + "key": "954" + }, + { + "attributes": { + "blank": " ", + "id": "955", + "language": "tr", + "text_to_embed": "Bu kitabın oldukça iyi olduğunu düşündüm, Gregoire'ın depresif olması dışında, bu hikayedeki \"bilge adam\" (büyükbabası) bile iyi bir örnek oluşturmuyor, başlangıçta harika, torununu doğru yola sokmaya çalışıyor ama başarılı olamıyor ve sinirleniyor, görevi Gregoire'ın yaramazlık yapmasını önlemek, onu kendisi kadar \"bilge\" yapmak olsa da, bu yüzden örnek olmak zorunda." + }, + "key": "955" + }, + { + "attributes": { + "blank": " ", + "id": "958", + "language": "it", + "text_to_embed": "Ho trovato questo libro abbastanza bello, a parte il fatto che Gregoire è depresso, anche il \"saggio\" di questa storia (il nonno) non dà il buon esempio, all'inizio è bravissimo, cerca di riportare il nipote sulla retta via ma non ci riesce e si arrabbia, anche se il suo compito è quello di evitare che Gregoire si metta nei guai, di farlo diventare \"saggio\" come lui, quindi deve dare l'esempio." + }, + "key": "958" + }, + { + "attributes": { + "blank": " ", + "id": "960", + "language": "fr", + "text_to_embed": "Shahriar Mandanipoor aime son pays, l’Iran, c’est indéniable. La censure, il connaît. Après avoir fait des études de sciences politiques il se met à écrire en 1989. Rapidement il est interdit de publication, échappe à une tentative d’assassinat commanditée par la police secrète et est contraint d’émigrer aux USA en 2006. Alors quand il écrit sur la censure dans son pays, il sait de quoi il parle." + }, + "key": "960" + }, + { + "attributes": { + "blank": " ", + "id": "961", + "language": "fr", + "text_to_embed": "Il est indéniable que Shahriar Mandanipoor aime son pays, l’Iran. Il est également très familier avec la censure." + }, + "key": "961" + }, + { + "attributes": { + "blank": " ", + "id": "963", + "language": "fr", + "text_to_embed": "Aucun doute, Shahriar Mandanipoor est un grand amoureux de son pays, l’Iran. Il a une connaissance approfondie de la censure." + }, + "key": "963" + }, + { + "attributes": { + "blank": " ", + "id": "964", + "language": "fr", + "text_to_embed": "Il n'y a aucun doute quant à l'amour de Shahriar Mandanipoor pour son pays, l’Iran. Il est également bien conscient de la censure." + }, + "key": "964" + }, + { + "attributes": { + "blank": " ", + "id": "966", + "language": "fr", + "text_to_embed": "Sans aucun doute, Shahriar Mandanipoor a un fort attachement envers son pays, l’Iran. Il a une expérience directe de la censure." + }, + "key": "966" + }, + { + "attributes": { + "blank": " ", + "id": "967", + "language": "fr", + "text_to_embed": "Shahriar Mandanipoor aime indéniablement son pays, l’Iran. Ses connaissances en matière de censure sont incroyables." + }, + "key": "967" + }, + { + "attributes": { + "blank": " ", + "id": "968", + "language": "fr", + "text_to_embed": "Il est indéniable que Shahriar Mandanipoor éprouve un amour profond pour son pays, l’Iran. Il est également particulièrement bien informé sur la censure." + }, + "key": "968" + }, + { + "attributes": { + "blank": " ", + "id": "970", + "language": "fr", + "text_to_embed": "Je n’ai rien compris à ce bouquin, en faite il demande d’avoir des concepts de psychologie bien ancrée pour le comprendre, chose que je n’ai pas. Il faudra aussi de solides bases en philosophie pour maîtriser les termes décrit dans ce livre. C’est un abandon de ma part, car je n’ai rien pigé mais aussi parce que ce n’est pas ce que je recherchais. Ce livre n’a pas vocation à être vulgarisateur, attention donc à bien être le public cible." + }, + "key": "970" + }, + { + "attributes": { + "blank": " ", + "id": "971", + "language": "fr", + "text_to_embed": "Je n’ai pas du tout saisi le sens de ce livre, en réalité il exige une compréhension approfondie des concepts de psychologie, ce que je ne possède pas. Il faut également avoir de solides connaissances en philosophie pour maîtriser les termes utilisés dans cet ouvrage. Je renonce, car je suis totalement perdu et cela ne correspond pas à mes attentes. Ce livre n'est pas destiné à un public novice, donc il faut être attentif à bien cibler l'audience visée." + }, + "key": "971" + }, + { + "attributes": { + "blank": " ", + "id": "972", + "language": "fr", + "text_to_embed": "Ce bouquin est incompréhensible pour moi, il nécessite en réalité une solide connaissance des concepts de psychologie, que je ne possède malheureusement pas. De plus, il faut avoir des bases solides en philosophie pour comprendre les termes utilisés dans ce livre. C'est pour cela que j'abandonne, car je n'ai rien compris et ce n'est pas ce que je cherchais. Il ne vise pas à rendre les choses accessibles, alors il faut faire attention à bien l'adapter au public cible." + }, + "key": "972" + }, + { + "attributes": { + "blank": " ", + "id": "973", + "language": "fr", + "text_to_embed": "Je suis totalement perdu avec ce livre, en fait il demande une bonne maîtrise des concepts de psychologie pour être compris, ce que je n'ai pas. Il faudra également avoir de solides bases en philosophie pour assimiler les termes utilisés dans cet ouvrage. C'est pourquoi je renonce, car je suis complètement perdu mais aussi parce que ce n'est pas ce que je recherche. Ce livre n'a pas pour but de simplifier les choses, donc il faut faire attention à bien cibler le public approprié." + }, + "key": "973" + }, + { + "attributes": { + "blank": " ", + "id": "974", + "language": "fr", + "text_to_embed": "Ce bouquin est incompréhensible pour moi, en réalité il exige une bonne connaissance des concepts de psychologie pour être compris, ce que je ne possède pas. De plus, il faut avoir de solides bases en philosophie pour maîtriser les termes décrits dans cet ouvrage. C'est la raison pour laquelle je laisse tomber, car je n'ai rien compris et cela ne correspond pas à ce que je recherche. Ce livre n'a pas pour vocation d'être accessible à tous, donc il faut bien identifier le public visé." + }, + "key": "974" + }, + { + "attributes": { + "blank": " ", + "id": "975", + "language": "fr", + "text_to_embed": "Je n'ai rien compris à ce livre, en réalité il faut avoir des connaissances solides en psychologie pour le comprendre, ce que je n'ai pas. Il faudra également avoir de bonnes bases en philosophie pour maîtriser les termes utilisés dans cet ouvrage. C'est pourquoi je renonce, car je n'ai rien compris mais aussi parce que ce n'est pas ce que je recherchais. Ce livre ne vise pas à vulgariser, donc il faut bien cibler le public approprié." + }, + "key": "975" + }, + { + "attributes": { + "blank": " ", + "id": "976", + "language": "fr", + "text_to_embed": "Je suis totalement perdu avec ce bouquin, en fait il exige une compréhension avancée des concepts de psychologie pour être compris, ce que je ne possède pas. Il faudra également avoir des bases solides en philosophie pour maîtriser les termes décrits dans ce livre. C'est pourquoi j'abandonne, car je n'ai rien pigé et ce n'est pas ce que je cherchais. Ce livre n'a pas pour but de simplifier les choses, donc il faut bien identifier l'audience visée." + }, + "key": "976" + }, + { + "attributes": { + "blank": " ", + "id": "977", + "language": "fr", + "text_to_embed": "Je ne suis pas parvenu à comprendre ce livre, en réalité il demande d'avoir une bonne connaissance des concepts de psychologie pour le saisir, chose que je n'ai pas. Il faudra aussi avoir de solides bases en philosophie pour maîtriser les termes décrits dans cet ouvrage. C'est un abandon de ma part, car je n'ai rien compris mais aussi parce que ce n'est pas ce que je recherchais. Ce livre n'a pas pour objectif d'être accessible, donc il faut faire attention à bien cibler le public concerné." + }, + "key": "977" + }, + { + "attributes": { + "blank": " ", + "id": "978", + "language": "fr", + "text_to_embed": "Je suis totalement perdu avec ce bouquin, en fait il demande une connaissance approfondie des concepts de psychologie pour être compris, ce que je ne possède pas. Il faudra aussi avoir de solides bases en philosophie pour maîtriser les termes décrits dans cet ouvrage. C'est pourquoi j'abandonne, car je n'ai rien pigé et ce n'est pas ce que je recherchais. Ce livre ne vise pas à vulgariser, donc il faut bien cibler l'audience cible." + }, + "key": "978" + }, + { + "attributes": { + "blank": " ", + "id": "980", + "language": "fr", + "text_to_embed": "Pierre et Solal sont amis d'enfance. Quand Pierre décide de se lancer sur YouTube, son pote l'aide avec le matériel pro de son père. Pierre fait le contenu de la vidéo et Solal la monte. Mais ce dernier a un accident de skate. Pierre touché et ayant peur de perdre son meilleur ami fait une vidéo qu'il poste et là la machine s'emballe. Des milliers et des milliers de vues, le propulse comme le nouvel influencer à suivre." + }, + "key": "980" + }, + { + "attributes": { + "blank": " ", + "id": "981", + "language": "en", + "text_to_embed": "Pierre and Solal are childhood friends. When Pierre decided to start a YouTube channel, his mate helped him out with his father's professional equipment. Pierre writes the content for the video and Solal edits it. But Solal had a skateboarding accident. Pierre was stricken and afraid of losing his best friend, so he made a video and posted it on the site. Thousands and thousands of views propelled him as the new influencer to follow." + }, + "key": "981" + }, + { + "attributes": { + "blank": " ", + "id": "982", + "language": "de", + "text_to_embed": "Pierre und Solal sind seit ihrer Kindheit befreundet. Als Pierre beschließt, auf YouTube zu starten, hilft ihm sein Kumpel mit der Profiausrüstung seines Vaters. Pierre erstellt den Inhalt des Videos und Solal schneidet es. Letzterer hat jedoch einen Skateboardunfall. Pierre ist betroffen und hat Angst, seinen besten Freund zu verlieren. Er macht ein Video, das er hochlädt, und dann läuft die Maschine heiß. Tausende und Abertausende von Aufrufen machen ihn zum neuen Influencer, dem man folgen sollte." + }, + "key": "982" + }, + { + "attributes": { + "blank": " ", + "id": "983", + "language": "pt", + "text_to_embed": "Pierre e Solal são amigos de infância. Quando Pierre decidiu criar um canal no YouTube, o seu companheiro ajudou-o com o equipamento profissional do seu pai. Pierre escreveu o conteúdo do vídeo e Solal editou-o. Mas Solal teve um acidente de skate. Pierre ficou abalado e com medo de perder o seu melhor amigo, por isso fez um vídeo e publicou-o. Milhares e milhares de visualizações levaram-no a tornar-se o novo influenciador a seguir." + }, + "key": "983" + }, + { + "attributes": { + "blank": " ", + "id": "985", + "language": "tr", + "text_to_embed": "Pierre ve Solal çocukluk arkadaşı. Pierre bir YouTube kanalı açmaya karar verdiğinde, arkadaşı babasının profesyonel ekipmanlarıyla ona yardımcı oldu. Pierre videoların içeriğini yazıyor, Solal ise kurguluyor. Ancak Solal bir kaykay kazası geçirdi. Pierre en iyi arkadaşını kaybetmekten korktuğu için bir video hazırladı ve yayınladı. Binlerce ve binlerce izlenme onu takip edilmesi gereken yeni influencer olarak öne çıkardı." + }, + "key": "985" + }, + { + "attributes": { + "blank": " ", + "id": "988", + "language": "it", + "text_to_embed": "Pierre e Solal sono amici d'infanzia. Quando Pierre ha deciso di aprire un canale YouTube, il suo amico lo ha aiutato con l'attrezzatura professionale del padre. Pierre scrive i contenuti dei video e Solal li monta. Ma Solal ha avuto un incidente con lo skateboard. Pierre è rimasto sconvolto e temeva di perdere il suo migliore amico, così ha realizzato un video e lo ha pubblicato sul sito. Migliaia e migliaia di visualizzazioni lo hanno fatto diventare il nuovo influencer da seguire." + }, + "key": "988" + }, + { + "attributes": { + "blank": " ", + "id": "990", + "language": "fr", + "text_to_embed": "A partir de la seconde moitié du roman j'ai lu les pages en diagonale, notamment à cause d'un manque d'affection pour les personnages - quelle déception pour Varin. Je les trouve creux, sans surprise, et toutes les machinations font un effet de surenchère peu crédible. Dommage, car l'univers est top : j'aime bien les différents quadrants, leur politique, leur mode de vie." + }, + "key": "990" + }, + { + "attributes": { + "blank": " ", + "id": "991", + "language": "fr", + "text_to_embed": "Varin a été déçu lorsque, à partir de la seconde moitié du roman, il a commencé à lire les pages en diagonale en raison d'un manque d'affection pour les personnages." + }, + "key": "991" + }, + { + "attributes": { + "blank": " ", + "id": "992", + "language": "fr", + "text_to_embed": "À partir de la deuxième moitié du roman, j'ai été tellement déçu que j'ai lu les pages en diagonale, car je n'éprouvais aucune affection pour les personnages." + }, + "key": "992" + }, + { + "attributes": { + "blank": " ", + "id": "995", + "language": "fr", + "text_to_embed": "À partir de la seconde moitié du roman, je me suis senti si peu attaché aux personnages que j'ai lu les pages en diagonale, ce qui a été une déception pour Varin." + }, + "key": "995" + }, + { + "attributes": { + "blank": " ", + "id": "996", + "language": "fr", + "text_to_embed": "Malheureusement, dès la seconde moitié du roman, je me suis senti désintéressé des personnages, ce qui m'a conduit à lire les pages en diagonale, décevant ainsi Varin." + }, + "key": "996" + }, + { + "attributes": { + "blank": " ", + "id": "997", + "language": "fr", + "text_to_embed": "Varin était déçu de constater qu'à partir de la seconde moitié du roman, il était obligé de lire les pages en diagonale en raison de son manque d'affection pour les personnages." + }, + "key": "997" + }, + { + "attributes": { + "blank": " ", + "id": "1000", + "language": "fr", + "text_to_embed": "A Caracas, au Venezuela, vivent Mamaria, Till, Helga, Vuk, Pol et Mila. Ils habitent au 25ème étage de la tour de David, cet immeuble inachevé tant prisé où vivent une centaines d'habitants. Ils doivent défendre bec et ongles leur habitat contre tous ces miséreux qui vivent dans la rue et rêvent de prendre leur place. Lorsqu'une intempérie fait rage, les voilà encore plus tourmentés que d'habitude." + }, + "key": "1000" + }, + { + "attributes": { + "blank": " ", + "id": "1001", + "language": "en", + "text_to_embed": "Mamaria, Till, Helga, Vuk, Pol and Mila live in Caracas, Venezuela. They live on the 25th floor of the Tower of David, a much-loved unfinished building housing hundreds of people. They have to defend their home tooth and nail against all the wretched people who live on the streets and dream of taking their place. When bad weather hits, they find themselves in even more trouble than usual." + }, + "key": "1001" + }, + { + "attributes": { + "blank": " ", + "id": "1003", + "language": "pt", + "text_to_embed": "Mamaria, Till, Helga, Vuk, Pol e Mila vivem em Caracas, na Venezuela. Vivem no 25º andar da Torre de David, um edifício inacabado muito apreciado que alberga centenas de pessoas. Têm de defender a sua casa com unhas e dentes contra todos os miseráveis que vivem nas ruas e sonham em ocupar o seu lugar. Quando chega o mau tempo, vêem-se em apuros ainda maiores do que o habitual." + }, + "key": "1003" + }, + { + "attributes": { + "blank": " ", + "id": "1005", + "language": "tr", + "text_to_embed": "Mamaria, Till, Helga, Vuk, Pol ve Mila Venezuela'nın Caracas kentinde yaşıyor. Yüzlerce insanı barındıran ve çok sevilen tamamlanmamış bir bina olan Davut Kulesi'nin 25. katında yaşıyorlar. Sokaklarda yaşayan ve onların yerini almayı hayal eden tüm sefil insanlara karşı evlerini dişleriyle tırnaklarıyla savunmak zorundadırlar. Kötü hava koşulları başlarına geldiğinde, kendilerini her zamankinden daha büyük bir belanın içinde bulurlar." + }, + "key": "1005" + }, + { + "attributes": { + "blank": " ", + "id": "1006", + "language": "ru", + "text_to_embed": "Мамария, Тилль, Хельга, Вук, Поль и Мила живут в Каракасе, Венесуэла. Они живут на 25-м этаже \"Башни Давида\" - любимого всеми недостроенного здания, в котором живут сотни людей. Им приходится отстаивать свой дом от жалких людей, живущих на улицах и мечтающих занять их место. Когда наступает непогода, они оказываются в еще более трудном положении, чем обычно." + }, + "key": "1006" + }, + { + "attributes": { + "blank": " ", + "id": "1008", + "language": "it", + "text_to_embed": "Mamaria, Till, Helga, Vuk, Pol e Mila vivono a Caracas, in Venezuela. Vivono al 25° piano della Torre di David, un edificio incompiuto molto amato che ospita centinaia di persone. Devono difendere la loro casa con le unghie e con i denti da tutti i miserabili che vivono per strada e che sognano di prendere il loro posto. Quando arriva il maltempo, si trovano ancora più in difficoltà del solito." + }, + "key": "1008" + }, + { + "attributes": { + "blank": " ", + "id": "1010", + "language": "en", + "text_to_embed": "Bernie Sanders Raised More Money Than Hillary Clinton In February" + }, + "key": "1010" + }, + { + "attributes": { + "blank": " ", + "id": "1011", + "language": "en", + "text_to_embed": "Bernie Sanders raised more money than Hillary Clinton in February..." + }, + "key": "1011" + }, + { + "attributes": { + "blank": " ", + "id": "1012", + "language": "en", + "text_to_embed": "Bernie Sanders raised more money than Hillary Clinton during February!" + }, + "key": "1012" + }, + { + "attributes": { + "blank": " ", + "id": "1013", + "language": "en", + "text_to_embed": "Bernie Sanders, raised more money than Hillary Clinton in February." + }, + "key": "1013" + }, + { + "attributes": { + "blank": " ", + "id": "1014", + "language": "en", + "text_to_embed": "Bernie Sanders raised less money than Hillary Clinton in February?" + }, + "key": "1014" + }, + { + "attributes": { + "blank": " ", + "id": "1015", + "language": "en", + "text_to_embed": "Quick Update: Bernie Sanders raised more money, than Hillary Clinton, in February." + }, + "key": "1015" + }, + { + "attributes": { + "blank": " ", + "id": "1016", + "language": "en", + "text_to_embed": "Bernie Sanders raised more money, than Hillary Clinton, in February." + }, + "key": "1016" + }, + { + "attributes": { + "blank": " ", + "id": "1017", + "language": "en", + "text_to_embed": "Bernie Sanders, raised more cash than Hillary Clinton in February." + }, + "key": "1017" + }, + { + "attributes": { + "blank": " ", + "id": "1018", + "language": "en", + "text_to_embed": "Bernie Sanders raised more money than Hillary Clinton back in February." + }, + "key": "1018" + }, + { + "attributes": { + "blank": " ", + "id": "1020", + "language": "en", + "text_to_embed": "This Usain Bolt Fan Totally Wins The Cheering Olympics" + }, + "key": "1020" + }, + { + "attributes": { + "blank": " ", + "id": "1021", + "language": "fr", + "text_to_embed": "Ce fan d'Usain Bolt remporte les Jeux Olympiques des applaudissements" + }, + "key": "1021" + }, + { + "attributes": { + "blank": " ", + "id": "1022", + "language": "de", + "text_to_embed": "Dieser Usain Bolt-Fan gewinnt die Jubel-Olympiade total" + }, + "key": "1022" + }, + { + "attributes": { + "blank": " ", + "id": "1023", + "language": "pt", + "text_to_embed": "Este fã de Usain Bolt ganha totalmente as Olimpíadas de torcida" + }, + "key": "1023" + }, + { + "attributes": { + "blank": " ", + "id": "1025", + "language": "tr", + "text_to_embed": "Bu Usain Bolt Hayranı Tezahürat Olimpiyatlarını Tamamen Kazandı" + }, + "key": "1025" + }, + { + "attributes": { + "blank": " ", + "id": "1028", + "language": "it", + "text_to_embed": "Questo fan di Usain Bolt vince completamente le Olimpiadi del tifo" + }, + "key": "1028" + }, + { + "attributes": { + "blank": " ", + "id": "1030", + "language": "en", + "text_to_embed": "The 3 Ways In Which Strategic Influence Is Different for Women" + }, + "key": "1030" + }, + { + "attributes": { + "blank": " ", + "id": "1031", + "language": "en", + "text_to_embed": "\"The 3 😃 Ways In Which Strategic Influence Is Different for Women\"" + }, + "key": "1031" + }, + { + "attributes": { + "blank": " ", + "id": "1032", + "language": "en", + "text_to_embed": "Exclusive Interview! \"The 3 Ways In Which 🌟 Strategic Influence Is Different for Women\"" + }, + "key": "1032" + }, + { + "attributes": { + "blank": " ", + "id": "1033", + "language": "en", + "text_to_embed": "\"The 3 Ways In Which Strategic Influence 😊 Different for Women\"" + }, + "key": "1033" + }, + { + "attributes": { + "blank": " ", + "id": "1034", + "language": "en", + "text_to_embed": "\"The 3 💪 Ways In Which Strategic Influence Is Different for Women\"" + }, + "key": "1034" + }, + { + "attributes": { + "blank": " ", + "id": "1035", + "language": "en", + "text_to_embed": "\"The 3 Ways In Which Strategic Influence Is Diverse for Women 🙌\"" + }, + "key": "1035" + }, + { + "attributes": { + "blank": " ", + "id": "1036", + "language": "en", + "text_to_embed": "\"The 3 Ways In Which Strategic Influence Is Absent for Women\"" + }, + "key": "1036" + }, + { + "attributes": { + "blank": " ", + "id": "1037", + "language": "en", + "text_to_embed": "\"The 3 Ways In Which Strategic Influence Is Altered for Women\"" + }, + "key": "1037" + }, + { + "attributes": { + "blank": " ", + "id": "1038", + "language": "en", + "text_to_embed": "\"The 3 Ways In Which Strategic Influence Is New for Women\"" + }, + "key": "1038" + }, + { + "attributes": { + "blank": " ", + "id": "1040", + "language": "en", + "text_to_embed": "Nancy Pelosi To Paul Ryan: Strip Steve King Of His Chairmanship" + }, + "key": "1040" + }, + { + "attributes": { + "blank": " ", + "id": "1041", + "language": "en", + "text_to_embed": "Nancy Pelosi asks Paul Ryan to remove Steve King from his chairmanship." + }, + "key": "1041" + }, + { + "attributes": { + "blank": " ", + "id": "1042", + "language": "en", + "text_to_embed": "Nancy Pelosi urges Paul Ryan to take away Steve King's chairmanship." + }, + "key": "1042" + }, + { + "attributes": { + "blank": " ", + "id": "1043", + "language": "en", + "text_to_embed": "Nancy Pelosi implores Paul Ryan to strip Steve King of his chairmanship." + }, + "key": "1043" + }, + { + "attributes": { + "blank": " ", + "id": "1044", + "language": "en", + "text_to_embed": "Nancy Pelosi requests Paul Ryan to revoke Steve King's chairmanship." + }, + "key": "1044" + }, + { + "attributes": { + "blank": " ", + "id": "1045", + "language": "en", + "text_to_embed": "Nancy Pelosi demands that Paul Ryan rescind Steve King's chairmanship." + }, + "key": "1045" + }, + { + "attributes": { + "blank": " ", + "id": "1046", + "language": "en", + "text_to_embed": "Nancy Pelosi insists that Paul Ryan remove Steve King from his chairmanship." + }, + "key": "1046" + }, + { + "attributes": { + "blank": " ", + "id": "1047", + "language": "en", + "text_to_embed": "Nancy Pelosi calls for Paul Ryan to strip Steve King of his chairmanship." + }, + "key": "1047" + }, + { + "attributes": { + "blank": " ", + "id": "1048", + "language": "en", + "text_to_embed": "Nancy Pelosi appeals to Paul Ryan to take away Steve King's chairmanship." + }, + "key": "1048" + }, + { + "attributes": { + "blank": " ", + "id": "1050", + "language": "en", + "text_to_embed": "The Trump Divide Has Made Rational Discussion Impossible" + }, + "key": "1050" + }, + { + "attributes": { + "blank": " ", + "id": "1051", + "language": "en", + "text_to_embed": "Rational discussion is no longer possible due to the divisive nature of the Trump divide." + }, + "key": "1051" + }, + { + "attributes": { + "blank": " ", + "id": "1052", + "language": "en", + "text_to_embed": "The Trump divide has completely eradicated the possibility of rational discourse." + }, + "key": "1052" + }, + { + "attributes": { + "blank": " ", + "id": "1053", + "language": "en", + "text_to_embed": "Rational conversation has become an impossibility as a result of the division caused by Trump." + }, + "key": "1053" + }, + { + "attributes": { + "blank": " ", + "id": "1054", + "language": "en", + "text_to_embed": "The Trump divide has effectively put an end to any rational discussion." + }, + "key": "1054" + }, + { + "attributes": { + "blank": " ", + "id": "1055", + "language": "en", + "text_to_embed": "The inability to have rational discussions is a direct consequence of the Trump divide." + }, + "key": "1055" + }, + { + "attributes": { + "blank": " ", + "id": "1056", + "language": "en", + "text_to_embed": "The Trump divide has rendered rational discourse unachievable." + }, + "key": "1056" + }, + { + "attributes": { + "blank": " ", + "id": "1057", + "language": "en", + "text_to_embed": "Rational conversation has become an unattainable goal due to the Trump divide." + }, + "key": "1057" + }, + { + "attributes": { + "blank": " ", + "id": "1058", + "language": "en", + "text_to_embed": "The Trump divide has made it impossible to engage in rational discussions." + }, + "key": "1058" + }, + { + "attributes": { + "blank": " ", + "id": "1060", + "language": "en", + "text_to_embed": "High Line-Inspired Park Could Be Coming To Queens" + }, + "key": "1060" + }, + { + "attributes": { + "blank": " ", + "id": "1061", + "language": "en", + "text_to_embed": "\"High Line-Inspired Park could be coming to Queens! 🌳\"" + }, + "key": "1061" + }, + { + "attributes": { + "blank": " ", + "id": "1062", + "language": "en", + "text_to_embed": "\"High Line-Inspired Park could be coming to Queens! 🏞️\"" + }, + "key": "1062" + }, + { + "attributes": { + "blank": " ", + "id": "1063", + "language": "en", + "text_to_embed": "\"High Line-Inspired Park, could be coming to Queens! 🌇\"" + }, + "key": "1063" + }, + { + "attributes": { + "blank": " ", + "id": "1064", + "language": "en", + "text_to_embed": "\"High Line-Inspired Park could be coming to Queens... 🌆\"" + }, + "key": "1064" + }, + { + "attributes": { + "blank": " ", + "id": "1065", + "language": "en", + "text_to_embed": "\"High Line-Inspired Park could be coming to Queens? 😍\"" + }, + "key": "1065" + }, + { + "attributes": { + "blank": " ", + "id": "1066", + "language": "en", + "text_to_embed": "\"High Line-Inspired Park could be coming to Queens! 🌴\"" + }, + "key": "1066" + }, + { + "attributes": { + "blank": " ", + "id": "1067", + "language": "en", + "text_to_embed": "\"High Line-Inspired Park could be coming to Queens!! 🎉\"" + }, + "key": "1067" + }, + { + "attributes": { + "blank": " ", + "id": "1068", + "language": "en", + "text_to_embed": "\"High Line-Inspired Park could be coming to Queens. 😊\"" + }, + "key": "1068" + }, + { + "attributes": { + "blank": " ", + "id": "1070", + "language": "en", + "text_to_embed": "Texas Open Carry Gun Law Allows Firearms In Psychiatric Hospitals" + }, + "key": "1070" + }, + { + "attributes": { + "blank": " ", + "id": "1071", + "language": "fr", + "text_to_embed": "La loi texane sur le port d'armes libre autorise les armes à feu dans les hôpitaux psychiatriques" + }, + "key": "1071" + }, + { + "attributes": { + "blank": " ", + "id": "1072", + "language": "de", + "text_to_embed": "Gesetz zum offenen Tragen von Waffen in Texas erlaubt Schusswaffen in psychiatrischen Krankenhäusern" + }, + "key": "1072" + }, + { + "attributes": { + "blank": " ", + "id": "1073", + "language": "pt", + "text_to_embed": "A lei de porte aberto de armas do Texas permite armas de fogo em hospitais psiquiátricos" + }, + "key": "1073" + }, + { + "attributes": { + "blank": " ", + "id": "1074", + "language": "zh", + "text_to_embed": "得克萨斯州《公开携带枪支法》允许精神病院使用枪支" + }, + "key": "1074" + }, + { + "attributes": { + "blank": " ", + "id": "1075", + "language": "tr", + "text_to_embed": "Teksas Açık Silah Taşıma Yasası Psikiyatri Hastanelerinde Ateşli Silahlara İzin Veriyor" + }, + "key": "1075" + }, + { + "attributes": { + "blank": " ", + "id": "1076", + "language": "ru", + "text_to_embed": "Закон Техаса об открытом ношении оружия разрешает использование огнестрельного оружия в психиатрических больницах" + }, + "key": "1076" + }, + { + "attributes": { + "blank": " ", + "id": "1077", + "language": "ja", + "text_to_embed": "テキサス州銃刀法、精神病院での銃所持を許可" + }, + "key": "1077" + }, + { + "attributes": { + "blank": " ", + "id": "1078", + "language": "it", + "text_to_embed": "La legge texana sul porto d'armi consente l'uso di armi da fuoco negli ospedali psichiatrici" + }, + "key": "1078" + }, + { + "attributes": { + "blank": " ", + "id": "1080", + "language": "en", + "text_to_embed": "Radio Host Loses Gig After Calling Chloe Kim 'Little Hot Piece Of Ass'" + }, + "key": "1080" + }, + { + "attributes": { + "blank": " ", + "id": "1081", + "language": "en", + "text_to_embed": "Radio Host Loses Gig After Calling Chloe Kim 'Cute Hot Piece Of Ass.'" + }, + "key": "1081" + }, + { + "attributes": { + "blank": " ", + "id": "1082", + "language": "en", + "text_to_embed": "Don't Miss Out!! Radio Host Loses Gig After Calling Chloe Kim 'Little Hot Piece Of Talent!'" + }, + "key": "1082" + }, + { + "attributes": { + "blank": " ", + "id": "1083", + "language": "en", + "text_to_embed": "[Breaking News] Radio Host Loses Gig After Calling Chloe Kim 'Little Hot Piece Of Glory.'" + }, + "key": "1083" + }, + { + "attributes": { + "blank": " ", + "id": "1084", + "language": "en", + "text_to_embed": "Viral Sensation: Radio Host Loses Gig After Calling Chloe Kim 'Little Hot Piece Of Superstar.'" + }, + "key": "1084" + }, + { + "attributes": { + "blank": " ", + "id": "1085", + "language": "en", + "text_to_embed": "Radio Host Loses Gig After Calling Chloe Kim 'Little Hot Piece Of Athlete!'" + }, + "key": "1085" + }, + { + "attributes": { + "blank": " ", + "id": "1086", + "language": "en", + "text_to_embed": "Radio Host Loses Gig After Labeling Chloe Kim 'Little Hot Piece Of Ass.'" + }, + "key": "1086" + }, + { + "attributes": { + "blank": " ", + "id": "1087", + "language": "en", + "text_to_embed": "Radio Host Loses Gig After Referring to Chloe Kim as 'Little Hot Piece Of Ass.'" + }, + "key": "1087" + }, + { + "attributes": { + "blank": " ", + "id": "1088", + "language": "en", + "text_to_embed": "[Exclusive Report] Radio Host Loses Gig After Calling Chloe Kim 'Little Hot Piece Of Ass?'" + }, + "key": "1088" + }, + { + "attributes": { + "blank": " ", + "id": "1090", + "language": "en", + "text_to_embed": "NFL Team With Racist Name Just Got Huge Boost In Legal Fight" + }, + "key": "1090" + }, + { + "attributes": { + "blank": " ", + "id": "1091", + "language": "fr", + "text_to_embed": "L'équipe de la NFL dont le nom est raciste vient de bénéficier d'un énorme coup de pouce dans son combat juridique" + }, + "key": "1091" + }, + { + "attributes": { + "blank": " ", + "id": "1092", + "language": "de", + "text_to_embed": "NFL-Team mit rassistischem Namen hat soeben enormen Auftrieb im Rechtsstreit erhalten" + }, + "key": "1092" + }, + { + "attributes": { + "blank": " ", + "id": "1093", + "language": "pt", + "text_to_embed": "Equipa da NFL com nome racista acaba de ganhar um grande impulso na luta legal" + }, + "key": "1093" + }, + { + "attributes": { + "blank": " ", + "id": "1094", + "language": "zh", + "text_to_embed": "拥有种族主义名称的 NFL 球队刚刚在法律诉讼中获得巨大成功" + }, + "key": "1094" + }, + { + "attributes": { + "blank": " ", + "id": "1097", + "language": "ja", + "text_to_embed": "人種差別的な名前を持つNFLチームが法廷闘争で大躍進" + }, + "key": "1097" + }, + { + "attributes": { + "blank": " ", + "id": "1098", + "language": "it", + "text_to_embed": "La squadra della NFL con un nome razzista ha appena ricevuto un enorme impulso nella lotta legale" + }, + "key": "1098" + }, + { + "attributes": { + "blank": " ", + "id": "1100", + "language": "en", + "text_to_embed": "The Spirit That Drove Us to Civil War Is Back" + }, + "key": "1100" + }, + { + "attributes": { + "blank": " ", + "id": "1101", + "language": "fr", + "text_to_embed": "L'esprit qui nous a conduits à la guerre civile est de retour" + }, + "key": "1101" + }, + { + "attributes": { + "blank": " ", + "id": "1102", + "language": "de", + "text_to_embed": "Der Geist, der uns in den Bürgerkrieg getrieben hat, ist zurück" + }, + "key": "1102" + }, + { + "attributes": { + "blank": " ", + "id": "1103", + "language": "pt", + "text_to_embed": "O espírito que nos levou à guerra civil está de volta" + }, + "key": "1103" + }, + { + "attributes": { + "blank": " ", + "id": "1104", + "language": "zh", + "text_to_embed": "驱使我们发动内战的精神又回来了" + }, + "key": "1104" + }, + { + "attributes": { + "blank": " ", + "id": "1106", + "language": "ru", + "text_to_embed": "Дух, который привел нас к гражданской войне, возвращается" + }, + "key": "1106" + }, + { + "attributes": { + "blank": " ", + "id": "1108", + "language": "it", + "text_to_embed": "Torna lo spirito che ci ha portato alla guerra civile" + }, + "key": "1108" + }, + { + "attributes": { + "blank": " ", + "id": "1110", + "language": "en", + "text_to_embed": "Rafael Nadal Out Of Australian Open After First-Round Loss" + }, + "key": "1110" + }, + { + "attributes": { + "blank": " ", + "id": "1111", + "language": "fr", + "text_to_embed": "Rafael Nadal éliminé de l'Open d'Australie après sa défaite au premier tour" + }, + "key": "1111" + }, + { + "attributes": { + "blank": " ", + "id": "1112", + "language": "de", + "text_to_embed": "Rafael Nadal scheidet nach Erstrunden-Niederlage bei den Australian Open aus" + }, + "key": "1112" + }, + { + "attributes": { + "blank": " ", + "id": "1113", + "language": "pt", + "text_to_embed": "Rafael Nadal eliminado do Open da Austrália após derrota na primeira ronda" + }, + "key": "1113" + }, + { + "attributes": { + "blank": " ", + "id": "1114", + "language": "zh", + "text_to_embed": "拉斐尔-纳达尔首轮失利后退出澳大利亚网球公开赛" + }, + "key": "1114" + }, + { + "attributes": { + "blank": " ", + "id": "1115", + "language": "tr", + "text_to_embed": "Rafael Nadal İlk Turdaki Mağlubiyetinin Ardından Avustralya Açık'tan Çıktı" + }, + "key": "1115" + }, + { + "attributes": { + "blank": " ", + "id": "1116", + "language": "ru", + "text_to_embed": "Рафаэль Надаль выбыл из Открытого чемпионата Австралии после поражения в первом круге" + }, + "key": "1116" + }, + { + "attributes": { + "blank": " ", + "id": "1118", + "language": "it", + "text_to_embed": "Rafael Nadal fuori dagli Australian Open dopo la sconfitta al primo turno" + }, + "key": "1118" + }, + { + "attributes": { + "blank": " ", + "id": "1120", + "language": "en", + "text_to_embed": "IEX Wins SEC Approval As U.S. Stock Exchange" + }, + "key": "1120" + }, + { + "attributes": { + "blank": " ", + "id": "1121", + "language": "en", + "text_to_embed": "#IEXWinsUSA SEC Approval As U.S. Stock Exchange" + }, + "key": "1121" + }, + { + "attributes": { + "blank": " ", + "id": "1122", + "language": "en", + "text_to_embed": "IEX Wins SEC Greenlight As U.S. Stock Exchange" + }, + "key": "1122" + }, + { + "attributes": { + "blank": " ", + "id": "1123", + "language": "en", + "text_to_embed": "IEX Secures SEC Approval As U.S. Stock Exchange" + }, + "key": "1123" + }, + { + "attributes": { + "blank": " ", + "id": "1124", + "language": "en", + "text_to_embed": "IEX Triumphs With SEC Approval As U.S. Stock Exchange" + }, + "key": "1124" + }, + { + "attributes": { + "blank": " ", + "id": "1125", + "language": "en", + "text_to_embed": "IEX Celebrates SEC Approval As U.S. Stock Market" + }, + "key": "1125" + }, + { + "attributes": { + "blank": " ", + "id": "1126", + "language": "en", + "text_to_embed": "IEX Achieves SEC Approval As U.S. Stock Exchange" + }, + "key": "1126" + }, + { + "attributes": { + "blank": " ", + "id": "1127", + "language": "en", + "text_to_embed": "IEX Grabs SEC Approval Becoming U.S. Stock Exchange" + }, + "key": "1127" + }, + { + "attributes": { + "blank": " ", + "id": "1128", + "language": "en", + "text_to_embed": "IEX Gains SEC Approval As Leading U.S. Stock Exchange" + }, + "key": "1128" + }, + { + "attributes": { + "blank": " ", + "id": "1130", + "language": "en", + "text_to_embed": "The Best Barbecue Dish: A HuffPost Deathmatch" + }, + "key": "1130" + }, + { + "attributes": { + "blank": " ", + "id": "1131", + "language": "en", + "text_to_embed": "The ultimate showdown: HuffPost determines the top barbecue dish." + }, + "key": "1131" + }, + { + "attributes": { + "blank": " ", + "id": "1132", + "language": "en", + "text_to_embed": "HuffPost's deathmatch crowns the best dish for barbecue enthusiasts." + }, + "key": "1132" + }, + { + "attributes": { + "blank": " ", + "id": "1133", + "language": "en", + "text_to_embed": "The greatest barbecue dish revealed through HuffPost's intense competition." + }, + "key": "1133" + }, + { + "attributes": { + "blank": " ", + "id": "1134", + "language": "en", + "text_to_embed": "Huffpost's epic battle to find the ultimate barbecue dish." + }, + "key": "1134" + }, + { + "attributes": { + "blank": " ", + "id": "1135", + "language": "en", + "text_to_embed": "HuffPost's ultimate quest: identifying the champion among barbecue dishes." + }, + "key": "1135" + }, + { + "attributes": { + "blank": " ", + "id": "1136", + "language": "en", + "text_to_embed": "The HuffPost Deathmatch: Unveiling the king of all barbecue dishes." + }, + "key": "1136" + }, + { + "attributes": { + "blank": " ", + "id": "1137", + "language": "en", + "text_to_embed": "A fierce competition organized by HuffPost to determine the finest barbecue dish." + }, + "key": "1137" + }, + { + "attributes": { + "blank": " ", + "id": "1140", + "language": "en", + "text_to_embed": "Jimmy Kimmel Can’t Soften DACA Opponents, Even With A Cute Baby" + }, + "key": "1140" + }, + { + "attributes": { + "blank": " ", + "id": "1141", + "language": "en", + "text_to_embed": "#JimmyKimmel Can’t Soften #DACA Advocates, Even With A Cute Baby" + }, + "key": "1141" + }, + { + "attributes": { + "blank": " ", + "id": "1142", + "language": "en", + "text_to_embed": "Jimmy Kimmel Can’t Convert DACA Opponents, Even With A Cute Baby" + }, + "key": "1142" + }, + { + "attributes": { + "blank": " ", + "id": "1143", + "language": "en", + "text_to_embed": "Jimmy Kimmel Can’t Ease DACA Opponents, Even With A Cute Baby" + }, + "key": "1143" + }, + { + "attributes": { + "blank": " ", + "id": "1144", + "language": "en", + "text_to_embed": "Jimmy Kimmel Can’t Convince DACA Opponents, Even With A Cute Baby" + }, + "key": "1144" + }, + { + "attributes": { + "blank": " ", + "id": "1145", + "language": "en", + "text_to_embed": "Jimmy Kimmel Can’t Win Over DACA Opponents, Even With A Cute Baby" + }, + "key": "1145" + }, + { + "attributes": { + "blank": " ", + "id": "1146", + "language": "en", + "text_to_embed": "Jimmy Kimmel Can’t Change DACA Opponents' Minds, Even With A Cute Baby" + }, + "key": "1146" + }, + { + "attributes": { + "blank": " ", + "id": "1147", + "language": "en", + "text_to_embed": "Jimmy Kimmel Can’t Melt DACA Opponents' Hearts, Even With A Cute Baby" + }, + "key": "1147" + }, + { + "attributes": { + "blank": " ", + "id": "1148", + "language": "en", + "text_to_embed": "Jimmy Kimmel Can’t Confront DACA Opponents, Even With A Cute Baby" + }, + "key": "1148" + }, + { + "attributes": { + "blank": " ", + "id": "1150", + "language": "en", + "text_to_embed": "Obama's Farewell Address To Lay A Path Forward Under Trump" + }, + "key": "1150" + }, + { + "attributes": { + "blank": " ", + "id": "1151", + "language": "fr", + "text_to_embed": "Le discours d'adieu d'Obama doit tracer la voie à suivre sous Trump" + }, + "key": "1151" + }, + { + "attributes": { + "blank": " ", + "id": "1152", + "language": "de", + "text_to_embed": "Obamas Abschiedsrede soll den Weg für die Zukunft unter Trump weisen" + }, + "key": "1152" + }, + { + "attributes": { + "blank": " ", + "id": "1153", + "language": "pt", + "text_to_embed": "Discurso de despedida de Obama para traçar um caminho a seguir sob Trump" + }, + "key": "1153" + }, + { + "attributes": { + "blank": " ", + "id": "1155", + "language": "tr", + "text_to_embed": "Obama'nın Veda Konuşması Trump Yönetiminde İleriye Dönük Bir Yol Açacak" + }, + "key": "1155" + }, + { + "attributes": { + "blank": " ", + "id": "1156", + "language": "ru", + "text_to_embed": "Прощальная речь Обамы определит дальнейший путь при Трампе" + }, + "key": "1156" + }, + { + "attributes": { + "blank": " ", + "id": "1158", + "language": "it", + "text_to_embed": "Il discorso di addio di Obama per tracciare un percorso sotto Trump" + }, + "key": "1158" + }, + { + "attributes": { + "blank": " ", + "id": "1160", + "language": "en", + "text_to_embed": "Democratic Trade Union Members Warm To Donald Trump's Populist Pitch" + }, + "key": "1160" + }, + { + "attributes": { + "blank": " ", + "id": "1161", + "language": "en", + "text_to_embed": "#Democratic Trade Union Members Warm To Donald Trump's Populist Talk" + }, + "key": "1161" + }, + { + "attributes": { + "blank": " ", + "id": "1162", + "language": "en", + "text_to_embed": "Democratic Trade Union #Supporters Warm To Donald Trump's Populist Pitch" + }, + "key": "1162" + }, + { + "attributes": { + "blank": " ", + "id": "1163", + "language": "en", + "text_to_embed": "Democratic Trade Union Members Warm To Donald Trump's #Populist Approach" + }, + "key": "1163" + }, + { + "attributes": { + "blank": " ", + "id": "1164", + "language": "en", + "text_to_embed": "Democratic Trade Union Members Warmly Welcome Donald Trump's Populist Pitch" + }, + "key": "1164" + }, + { + "attributes": { + "blank": " ", + "id": "1165", + "language": "en", + "text_to_embed": "Democratic Trade Union Members Warm To Donald Trump's #Appealing Populist Pitch" + }, + "key": "1165" + }, + { + "attributes": { + "blank": " ", + "id": "1166", + "language": "en", + "text_to_embed": "#Democratic Trade Union Members Embrace Donald Trump's Populist Pitch" + }, + "key": "1166" + }, + { + "attributes": { + "blank": " ", + "id": "1167", + "language": "en", + "text_to_embed": "Democratic Trade Union Members Warm To #Donald Trump's Populist Pitch" + }, + "key": "1167" + }, + { + "attributes": { + "blank": " ", + "id": "1168", + "language": "en", + "text_to_embed": "Loyal Democratic Trade Union Members Warm To Donald Trump's Populist Pitch" + }, + "key": "1168" + }, + { + "attributes": { + "blank": " ", + "id": "1171", + "language": "en", + "text_to_embed": "Conducting business traditionally: Meeting in person." + }, + "key": "1171" + }, + { + "attributes": { + "blank": " ", + "id": "1172", + "language": "en", + "text_to_embed": "The antique approach to conducting business: Through personal encounters." + }, + "key": "1172" + }, + { + "attributes": { + "blank": " ", + "id": "1173", + "language": "en", + "text_to_embed": "Embracing the classic method of business: Direct interaction." + }, + "key": "1173" + }, + { + "attributes": { + "blank": " ", + "id": "1180", + "language": "en", + "text_to_embed": "Jeb Bush To Visit Crisis Pregnancy Center" + }, + "key": "1180" + }, + { + "attributes": { + "blank": " ", + "id": "1181", + "language": "fr", + "text_to_embed": "Jeb Bush visitera un centre de grossesse d'urgence" + }, + "key": "1181" + }, + { + "attributes": { + "blank": " ", + "id": "1182", + "language": "de", + "text_to_embed": "Jeb Bush besucht Krisenschwangerschaftszentrum" + }, + "key": "1182" + }, + { + "attributes": { + "blank": " ", + "id": "1183", + "language": "pt", + "text_to_embed": "Jeb Bush visitará um centro de gravidez de crise" + }, + "key": "1183" + }, + { + "attributes": { + "blank": " ", + "id": "1184", + "language": "zh", + "text_to_embed": "杰布-布什将访问危机怀孕中心" + }, + "key": "1184" + }, + { + "attributes": { + "blank": " ", + "id": "1185", + "language": "tr", + "text_to_embed": "Jeb Bush Kriz Gebelik Merkezini Ziyaret Edecek" + }, + "key": "1185" + }, + { + "attributes": { + "blank": " ", + "id": "1186", + "language": "ru", + "text_to_embed": "Джеб Буш посетит кризисный центр беременности" + }, + "key": "1186" + }, + { + "attributes": { + "blank": " ", + "id": "1188", + "language": "it", + "text_to_embed": "Jeb Bush visiterà il centro per le gravidanze di crisi" + }, + "key": "1188" + }, + { + "attributes": { + "blank": " ", + "id": "1190", + "language": "en", + "text_to_embed": "Common Cooking Myths Debunked: Screaming Lobsters And More" + }, + "key": "1190" + }, + { + "attributes": { + "blank": " ", + "id": "1191", + "language": "en", + "text_to_embed": "\"Common Cooking Myths Debunked: 🥺 Screaming Lobsters And More!\"" + }, + "key": "1191" + }, + { + "attributes": { + "blank": " ", + "id": "1192", + "language": "en", + "text_to_embed": "\"Common Cooking Myths Debunked: 🚫 Screaming Lobsters And More\"" + }, + "key": "1192" + }, + { + "attributes": { + "blank": " ", + "id": "1193", + "language": "en", + "text_to_embed": "\"Common Cooking Myths Debunked! 🦞 Screaming Lobsters And More\"" + }, + "key": "1193" + }, + { + "attributes": { + "blank": " ", + "id": "1194", + "language": "en", + "text_to_embed": "\"Common Cooking Myths Debunked: 🙅‍♂️ Screaming Lobsters And More\"" + }, + "key": "1194" + }, + { + "attributes": { + "blank": " ", + "id": "1195", + "language": "en", + "text_to_embed": "\"Common Cooking Myths! Debunked: Screaming Lobsters And More\"" + }, + "key": "1195" + }, + { + "attributes": { + "blank": " ", + "id": "1196", + "language": "en", + "text_to_embed": "\"Common Cooking Myths Debunked: 😱 Screaming Lobsters And More\"" + }, + "key": "1196" + }, + { + "attributes": { + "blank": " ", + "id": "1197", + "language": "en", + "text_to_embed": "\"Common Cooking Myths Debunked? Screaming Lobsters And More\"" + }, + "key": "1197" + }, + { + "attributes": { + "blank": " ", + "id": "1198", + "language": "en", + "text_to_embed": "\"Common Cooking Myths Debunked: 😲🚫 Screaming Lobsters And More!\"" + }, + "key": "1198" + }, + { + "attributes": { + "blank": " ", + "id": "1201", + "language": "fr", + "text_to_embed": "Le Parti démocrate américain poursuit sa lutte contre le changement climatique à l'étranger" + }, + "key": "1201" + }, + { + "attributes": { + "blank": " ", + "id": "1202", + "language": "de", + "text_to_embed": "GOP geht mit Anti-Klima-Vorstoß ins Ausland" + }, + "key": "1202" + }, + { + "attributes": { + "blank": " ", + "id": "1203", + "language": "pt", + "text_to_embed": "O Partido Republicano leva a luta contra o clima para o estrangeiro" + }, + "key": "1203" + }, + { + "attributes": { + "blank": " ", + "id": "1204", + "language": "zh", + "text_to_embed": "美国共和党将反气候运动推向国外" + }, + "key": "1204" + }, + { + "attributes": { + "blank": " ", + "id": "1205", + "language": "tr", + "text_to_embed": "GOP İklim Karşıtı İtişmeyi Yurt Dışına Taşıyor" + }, + "key": "1205" + }, + { + "attributes": { + "blank": " ", + "id": "1206", + "language": "ru", + "text_to_embed": "GOP принимает антиклиматические меры за рубежом" + }, + "key": "1206" + }, + { + "attributes": { + "blank": " ", + "id": "1208", + "language": "it", + "text_to_embed": "Il GOP porta la spinta anti-clima all'estero" + }, + "key": "1208" + }, + { + "attributes": { + "blank": " ", + "id": "1210", + "language": "en", + "text_to_embed": "Gymnast Simone Biles Leads The U.S. Team To Rio" + }, + "key": "1210" + }, + { + "attributes": { + "blank": " ", + "id": "1211", + "language": "fr", + "text_to_embed": "La gymnaste Simone Biles mène l'équipe américaine à Rio" + }, + "key": "1211" + }, + { + "attributes": { + "blank": " ", + "id": "1212", + "language": "de", + "text_to_embed": "Turnerin Simone Biles führt das US-Team nach Rio" + }, + "key": "1212" + }, + { + "attributes": { + "blank": " ", + "id": "1213", + "language": "pt", + "text_to_embed": "A ginasta Simone Biles lidera a equipa dos EUA no Rio" + }, + "key": "1213" + }, + { + "attributes": { + "blank": " ", + "id": "1215", + "language": "tr", + "text_to_embed": "Jimnastikçi Simone Biles ABD Takımını Rio'ya Götürüyor" + }, + "key": "1215" + }, + { + "attributes": { + "blank": " ", + "id": "1216", + "language": "ru", + "text_to_embed": "Гимнастка Симона Байлз возглавила сборную США в Рио" + }, + "key": "1216" + }, + { + "attributes": { + "blank": " ", + "id": "1217", + "language": "ja", + "text_to_embed": "体操のシモン・バイルズ、米国チームをリオに導く" + }, + "key": "1217" + }, + { + "attributes": { + "blank": " ", + "id": "1218", + "language": "it", + "text_to_embed": "La ginnasta Simone Biles guida la squadra statunitense a Rio" + }, + "key": "1218" + }, + { + "attributes": { + "blank": " ", + "id": "1220", + "language": "en", + "text_to_embed": "Donald Trump Wins Presidency, Updates Twitter Bio" + }, + "key": "1220" + }, + { + "attributes": { + "blank": " ", + "id": "1221", + "language": "en", + "text_to_embed": "Donald Trump emerges victorious in the presidential race and alters his Twitter biography." + }, + "key": "1221" + }, + { + "attributes": { + "blank": " ", + "id": "1222", + "language": "en", + "text_to_embed": "Donald Trump secures the presidency and modifies his bio on Twitter." + }, + "key": "1222" + }, + { + "attributes": { + "blank": " ", + "id": "1223", + "language": "en", + "text_to_embed": "Twitter bio of Donald Trump gets revised as he triumphs in the presidential election." + }, + "key": "1223" + }, + { + "attributes": { + "blank": " ", + "id": "1224", + "language": "en", + "text_to_embed": "Donald Trump claims victory in the presidential contest and promptly amends his Twitter biography." + }, + "key": "1224" + }, + { + "attributes": { + "blank": " ", + "id": "1225", + "language": "en", + "text_to_embed": "After winning the presidency, Donald Trump takes to Twitter to update his bio." + }, + "key": "1225" + }, + { + "attributes": { + "blank": " ", + "id": "1226", + "language": "en", + "text_to_embed": "Donald Trump triumphs in the race for the presidency and makes changes to his Twitter bio." + }, + "key": "1226" + }, + { + "attributes": { + "blank": " ", + "id": "1227", + "language": "en", + "text_to_embed": "Following his successful bid for the presidency, Donald Trump updates his bio on Twitter." + }, + "key": "1227" + }, + { + "attributes": { + "blank": " ", + "id": "1228", + "language": "en", + "text_to_embed": "Donald Trump's bio on Twitter undergoes revision as he clinches the presidency." + }, + "key": "1228" + }, + { + "attributes": { + "blank": " ", + "id": "1231", + "language": "en", + "text_to_embed": "What are the steps for hosting a pumpkin carving party?" + }, + "key": "1231" + }, + { + "attributes": { + "blank": " ", + "id": "1232", + "language": "en", + "text_to_embed": "In what manner can one organize a pumpkin carving party?" + }, + "key": "1232" + }, + { + "attributes": { + "blank": " ", + "id": "1233", + "language": "en", + "text_to_embed": "How can someone go about arranging a pumpkin carving gathering?" + }, + "key": "1233" + }, + { + "attributes": { + "blank": " ", + "id": "1234", + "language": "en", + "text_to_embed": "What is the process for throwing a pumpkin carving party?" + }, + "key": "1234" + }, + { + "attributes": { + "blank": " ", + "id": "1235", + "language": "en", + "text_to_embed": "What are the necessary preparations for hosting a pumpkin carving event?" + }, + "key": "1235" + }, + { + "attributes": { + "blank": " ", + "id": "1236", + "language": "en", + "text_to_embed": "How does one successfully plan a pumpkin carving party?" + }, + "key": "1236" + }, + { + "attributes": { + "blank": " ", + "id": "1240", + "language": "en", + "text_to_embed": "Another Poll: The Continuing, Debilitating Impact of Workplace Stress" + }, + "key": "1240" + }, + { + "attributes": { + "blank": " ", + "id": "1241", + "language": "en", + "text_to_embed": "Another Poll: The Continuing Debilitating Impact of Workplace Stress." + }, + "key": "1241" + }, + { + "attributes": { + "blank": " ", + "id": "1242", + "language": "en", + "text_to_embed": "Another poll; the continuing, debilitating impact of workplace stress?" + }, + "key": "1242" + }, + { + "attributes": { + "blank": " ", + "id": "1243", + "language": "en", + "text_to_embed": "Another Poll: The Continuing, Debilitating Impact of Workplace Stress!" + }, + "key": "1243" + }, + { + "attributes": { + "blank": " ", + "id": "1244", + "language": "en", + "text_to_embed": "Another poll - the continuing, debilitating impact of workplace stress." + }, + "key": "1244" + }, + { + "attributes": { + "blank": " ", + "id": "1245", + "language": "en", + "text_to_embed": "Another Poll: The Continuing! Debilitating Impact of Workplace Stress." + }, + "key": "1245" + }, + { + "attributes": { + "blank": " ", + "id": "1246", + "language": "en", + "text_to_embed": "Another Poll: The Continuing, Debilitating Impact of Stressful Workplace Environment." + }, + "key": "1246" + }, + { + "attributes": { + "blank": " ", + "id": "1247", + "language": "en", + "text_to_embed": "Another Poll: The Continuing, Debilitating Impact of Workplace Stress: A Deeper Look." + }, + "key": "1247" + }, + { + "attributes": { + "blank": " ", + "id": "1248", + "language": "en", + "text_to_embed": "Another Poll! The Continuing, Debilitating Impact of Workplace Stress." + }, + "key": "1248" + }, + { + "attributes": { + "blank": " ", + "id": "1250", + "language": "en", + "text_to_embed": "Ivanka Trump’s Jewelry Business Sought Visas To Hire Foreign Workers" + }, + "key": "1250" + }, + { + "attributes": { + "blank": " ", + "id": "1251", + "language": "fr", + "text_to_embed": "L'entreprise de bijoux d'Ivanka Trump a demandé des visas pour embaucher des travailleurs étrangers" + }, + "key": "1251" + }, + { + "attributes": { + "blank": " ", + "id": "1252", + "language": "de", + "text_to_embed": "Ivanka Trumps Juweliergeschäft suchte Visa, um ausländische Arbeitskräfte einzustellen" + }, + "key": "1252" + }, + { + "attributes": { + "blank": " ", + "id": "1253", + "language": "pt", + "text_to_embed": "A empresa de jóias de Ivanka Trump procurou vistos para contratar trabalhadores estrangeiros" + }, + "key": "1253" + }, + { + "attributes": { + "blank": " ", + "id": "1254", + "language": "zh", + "text_to_embed": "伊万卡-特朗普的珠宝生意申请签证雇用外籍员工" + }, + "key": "1254" + }, + { + "attributes": { + "blank": " ", + "id": "1255", + "language": "tr", + "text_to_embed": "Ivanka Trump'ın Kuyumculuk Şirketi Yabancı İşçi Çalıştırmak İçin Vize İstedi" + }, + "key": "1255" + }, + { + "attributes": { + "blank": " ", + "id": "1256", + "language": "ru", + "text_to_embed": "Ювелирный бизнес Иванки Трамп стремился получить визы для найма иностранных работников" + }, + "key": "1256" + }, + { + "attributes": { + "blank": " ", + "id": "1257", + "language": "ja", + "text_to_embed": "イヴァンカ・トランプのジュエリー・ビジネス、外国人労働者を雇うためにビザを取得" + }, + "key": "1257" + }, + { + "attributes": { + "blank": " ", + "id": "1258", + "language": "it", + "text_to_embed": "L'azienda di gioielli di Ivanka Trump ha chiesto visti per assumere lavoratori stranieri" + }, + "key": "1258" + }, + { + "attributes": { + "blank": " ", + "id": "1260", + "language": "en", + "text_to_embed": "Pro-Abortion Rights Progressive Wins Nebraska Democratic House Primary" + }, + "key": "1260" + }, + { + "attributes": { + "blank": " ", + "id": "1261", + "language": "en", + "text_to_embed": "\"Pro-Abortion Rights Progressive Wins Nebraska Democratic House Primary\" ✅ #ProgressiveStrong 💪" + }, + "key": "1261" + }, + { + "attributes": { + "blank": " ", + "id": "1262", + "language": "en", + "text_to_embed": "Twitterverse Reacts to \"Pro-Abortion Rights Progressive Wins Nebraska Democratic House Primary\" 😃 #ProgressiveProud 🎉" + }, + "key": "1262" + }, + { + "attributes": { + "blank": " ", + "id": "1263", + "language": "en", + "text_to_embed": "\"Pro-Abortion Rights Progressive Wins Nebraska Democratic House Primary\" 💙 #ProgressiveDemocrats 💪" + }, + "key": "1263" + }, + { + "attributes": { + "blank": " ", + "id": "1264", + "language": "en", + "text_to_embed": "\"Pro-Abortion Rights Progressive Wins Nebraska Democratic House Primary\" 🌟 #ProgressiveVictory 🎊" + }, + "key": "1264" + }, + { + "attributes": { + "blank": " ", + "id": "1265", + "language": "en", + "text_to_embed": "\"Pro-Abortion Rights Progressive Wins Nebraska Democratic House Primary\" 👏 #ProChoiceProgressive 💙" + }, + "key": "1265" + }, + { + "attributes": { + "blank": " ", + "id": "1266", + "language": "en", + "text_to_embed": "\"Pro-Abortion Rights Progressive Wins Nebraska Democratic House Primary\" 🗳️ #ProgressiveVoice 🗣️" + }, + "key": "1266" + }, + { + "attributes": { + "blank": " ", + "id": "1267", + "language": "en", + "text_to_embed": "\"Pro-Abortion Rights Progressive Wins Nebraska Democratic House Primary\" 🌼 #ProgressivePower 💪" + }, + "key": "1267" + }, + { + "attributes": { + "blank": " ", + "id": "1268", + "language": "en", + "text_to_embed": "\"Pro-Abortion Rights Progressive Wins Nebraska Democratic House Primary\" 😄 #ProgressiveChampion 🌟" + }, + "key": "1268" + }, + { + "attributes": { + "blank": " ", + "id": "1270", + "language": "en", + "text_to_embed": "He Looks At Tuberculosis Death Toll And Wonders Why You're Not Worried" + }, + "key": "1270" + }, + { + "attributes": { + "blank": " ", + "id": "1271", + "language": "en", + "text_to_embed": "He looks at tuberculosis death toll and wonders why you're not worried!" + }, + "key": "1271" + }, + { + "attributes": { + "blank": " ", + "id": "1272", + "language": "en", + "text_to_embed": "He looks at tuberculosis death toll and wonders: why are you not worried? 😮" + }, + "key": "1272" + }, + { + "attributes": { + "blank": " ", + "id": "1273", + "language": "en", + "text_to_embed": "He looks at tuberculosis death toll and wonders why you're not worried... 🤔" + }, + "key": "1273" + }, + { + "attributes": { + "blank": " ", + "id": "1274", + "language": "en", + "text_to_embed": "He looks at tuberculosis death toll and wonders, \"Why you're not worried?\" 😕" + }, + "key": "1274" + }, + { + "attributes": { + "blank": " ", + "id": "1275", + "language": "en", + "text_to_embed": "He looks at tuberculosis death toll and wonders why you're not worried! 😱" + }, + "key": "1275" + }, + { + "attributes": { + "blank": " ", + "id": "1276", + "language": "en", + "text_to_embed": "He looks at tuberculosis death toll and wonders, why you're not worried? 😞" + }, + "key": "1276" + }, + { + "attributes": { + "blank": " ", + "id": "1277", + "language": "en", + "text_to_embed": "He looks at tuberculosis death toll and wonders why you're not worried! 😷" + }, + "key": "1277" + }, + { + "attributes": { + "blank": " ", + "id": "1278", + "language": "en", + "text_to_embed": "He looks at tuberculosis death toll and wonders... why you're not worried? 😔" + }, + "key": "1278" + }, + { + "attributes": { + "blank": " ", + "id": "1280", + "language": "en", + "text_to_embed": "Minnesota Lynx Capture Third WNBA Title In Five Years" + }, + "key": "1280" + }, + { + "attributes": { + "blank": " ", + "id": "1281", + "language": "fr", + "text_to_embed": "Les Minnesota Lynx remportent leur troisième titre WNBA en cinq ans" + }, + "key": "1281" + }, + { + "attributes": { + "blank": " ", + "id": "1282", + "language": "de", + "text_to_embed": "Minnesota Lynx erobern dritten WNBA-Titel in fünf Jahren" + }, + "key": "1282" + }, + { + "attributes": { + "blank": " ", + "id": "1283", + "language": "pt", + "text_to_embed": "Minnesota Lynx conquista o terceiro título da WNBA em cinco anos" + }, + "key": "1283" + }, + { + "attributes": { + "blank": " ", + "id": "1285", + "language": "tr", + "text_to_embed": "Minnesota Lynx Beş Yılda Üçüncü WNBA Şampiyonluğunu Elde Etti" + }, + "key": "1285" + }, + { + "attributes": { + "blank": " ", + "id": "1286", + "language": "ru", + "text_to_embed": "Миннесота Линкс завоевала третий титул чемпиона WNBA за последние пять лет" + }, + "key": "1286" + }, + { + "attributes": { + "blank": " ", + "id": "1287", + "language": "ja", + "text_to_embed": "ミネソタ・リンクスが5年ぶり3度目のWNBAタイトルを獲得" + }, + "key": "1287" + }, + { + "attributes": { + "blank": " ", + "id": "1288", + "language": "it", + "text_to_embed": "Le Minnesota Lynx conquistano il terzo titolo WNBA in cinque anni" + }, + "key": "1288" + }, + { + "attributes": { + "blank": " ", + "id": "1291", + "language": "en", + "text_to_embed": "\"We Can't Even With #MarthaStewart's Naughty Tips\" 😳" + }, + "key": "1291" + }, + { + "attributes": { + "blank": " ", + "id": "1292", + "language": "en", + "text_to_embed": "\"We Can't Stop Laughing at #MarthaStewart's Awkward Tips\" 😂" + }, + "key": "1292" + }, + { + "attributes": { + "blank": " ", + "id": "1293", + "language": "en", + "text_to_embed": "\"We're Surprised by #MarthaStewart's Unusual Love Advice\" 🤔" + }, + "key": "1293" + }, + { + "attributes": { + "blank": " ", + "id": "1294", + "language": "en", + "text_to_embed": "\"We Can't Handle #MarthaStewart's Unexpected Relationship Tips\" 😮" + }, + "key": "1294" + }, + { + "attributes": { + "blank": " ", + "id": "1296", + "language": "en", + "text_to_embed": "\"We Can't Believe #MarthaStewart's Controversial Tips\" 😱" + }, + "key": "1296" + }, + { + "attributes": { + "blank": " ", + "id": "1300", + "language": "en", + "text_to_embed": "Milk Carton Projects: DIY Tips For Creative Ways To Reuse Old Jugs" + }, + "key": "1300" + }, + { + "attributes": { + "blank": " ", + "id": "1301", + "language": "en", + "text_to_embed": "\"Milk Carton Projects: DIY Tips For Creative Ways To Reuse Plastic Jugs\"" + }, + "key": "1301" + }, + { + "attributes": { + "blank": " ", + "id": "1302", + "language": "en", + "text_to_embed": "\"Milk Carton Projects: DIY Tips For Innovative Ways To Reuse Old Jugs\"" + }, + "key": "1302" + }, + { + "attributes": { + "blank": " ", + "id": "1303", + "language": "en", + "text_to_embed": "\"Milk Carton Projects: DIY Tips For Clever Ways To Reuse Old Jugs\"" + }, + "key": "1303" + }, + { + "attributes": { + "blank": " ", + "id": "1304", + "language": "en", + "text_to_embed": "\"Milk Carton Projects: Easy Tips For Creative Ways To Reuse Old Jugs\"" + }, + "key": "1304" + }, + { + "attributes": { + "blank": " ", + "id": "1305", + "language": "en", + "text_to_embed": "\"Milk Carton Projects: DIY Tips For Unique Ways To Reuse Old Jugs!\"" + }, + "key": "1305" + }, + { + "attributes": { + "blank": " ", + "id": "1306", + "language": "en", + "text_to_embed": "\"Milk Carton Projects: DIY Tips For Imaginative Ways To Reuse Old Jugs\"" + }, + "key": "1306" + }, + { + "attributes": { + "blank": " ", + "id": "1307", + "language": "en", + "text_to_embed": "\"Milk Carton Projects: DIY Tips For Fun Ways To Reuse Old Jugs.\"" + }, + "key": "1307" + }, + { + "attributes": { + "blank": " ", + "id": "1308", + "language": "en", + "text_to_embed": "\"Milk Carton Projects: DIY Tips For Eco-Friendly Ways To Reuse Old Jugs\"" + }, + "key": "1308" + }, + { + "attributes": { + "blank": " ", + "id": "1310", + "language": "en", + "text_to_embed": "Trump Calls The Health Care Bill He's Been Praising 'Mean'" + }, + "key": "1310" + }, + { + "attributes": { + "blank": " ", + "id": "1311", + "language": "en", + "text_to_embed": "'Mean' is the term used by Trump to describe the health care bill he has previously praised." + }, + "key": "1311" + }, + { + "attributes": { + "blank": " ", + "id": "1312", + "language": "en", + "text_to_embed": "The health care bill that Trump has been praising is now being called 'mean' by him." + }, + "key": "1312" + }, + { + "attributes": { + "blank": " ", + "id": "1313", + "language": "en", + "text_to_embed": "Trump has changed his opinion on the health care bill he was praising, now labeling it as 'mean.'" + }, + "key": "1313" + }, + { + "attributes": { + "blank": " ", + "id": "1314", + "language": "en", + "text_to_embed": "The bill that Trump has been commending for health care is now being deemed 'mean' by him." + }, + "key": "1314" + }, + { + "attributes": { + "blank": " ", + "id": "1315", + "language": "en", + "text_to_embed": "Trump's previous praises for the health care bill have now been replaced with the term 'mean.'" + }, + "key": "1315" + }, + { + "attributes": { + "blank": " ", + "id": "1316", + "language": "en", + "text_to_embed": "Trump now describes the health care bill he used to praise as 'mean.'" + }, + "key": "1316" + }, + { + "attributes": { + "blank": " ", + "id": "1317", + "language": "en", + "text_to_embed": "The health care bill that Trump has been touting is now being criticized by him as 'mean.'" + }, + "key": "1317" + }, + { + "attributes": { + "blank": " ", + "id": "1318", + "language": "en", + "text_to_embed": "Trump's characterization of the health care bill he has previously endorsed has shifted to labeling it as 'mean.'" + }, + "key": "1318" + }, + { + "attributes": { + "blank": " ", + "id": "1320", + "language": "en", + "text_to_embed": "A Look Back At Mike Pence's Greatest Hits" + }, + "key": "1320" + }, + { + "attributes": { + "blank": " ", + "id": "1321", + "language": "en", + "text_to_embed": "Examining Mike Pence's Most Memorable Moments" + }, + "key": "1321" + }, + { + "attributes": { + "blank": " ", + "id": "1322", + "language": "en", + "text_to_embed": "Delving into the Highlights of Mike Pence's Career" + }, + "key": "1322" + }, + { + "attributes": { + "blank": " ", + "id": "1323", + "language": "en", + "text_to_embed": "An Overview of Mike Pence's Noteworthy Achievements" + }, + "key": "1323" + }, + { + "attributes": { + "blank": " ", + "id": "1324", + "language": "en", + "text_to_embed": "Reflecting on Mike Pence's Most Impressive Accomplishments" + }, + "key": "1324" + }, + { + "attributes": { + "blank": " ", + "id": "1325", + "language": "en", + "text_to_embed": "Remembering the Best Moments from Mike Pence's Career" + }, + "key": "1325" + }, + { + "attributes": { + "blank": " ", + "id": "1326", + "language": "en", + "text_to_embed": "Taking a Trip Down Memory Lane of Mike Pence's Greatest Hits" + }, + "key": "1326" + }, + { + "attributes": { + "blank": " ", + "id": "1327", + "language": "en", + "text_to_embed": "Recapping the Top Moments from Mike Pence's Journey" + }, + "key": "1327" + }, + { + "attributes": { + "blank": " ", + "id": "1328", + "language": "en", + "text_to_embed": "Exploring Mike Pence's Most Successful Endeavors" + }, + "key": "1328" + }, + { + "attributes": { + "blank": " ", + "id": "1330", + "language": "en", + "text_to_embed": "Teaching Students Happiness and Innovation" + }, + "key": "1330" + }, + { + "attributes": { + "blank": " ", + "id": "1331", + "language": "en", + "text_to_embed": "Educating students in happiness and innovation." + }, + "key": "1331" + }, + { + "attributes": { + "blank": " ", + "id": "1332", + "language": "en", + "text_to_embed": "The act of instructing students about happiness and innovation." + }, + "key": "1332" + }, + { + "attributes": { + "blank": " ", + "id": "1333", + "language": "en", + "text_to_embed": "Imparting knowledge to students about happiness and innovation." + }, + "key": "1333" + }, + { + "attributes": { + "blank": " ", + "id": "1334", + "language": "en", + "text_to_embed": "Sharing information with students regarding happiness and innovation." + }, + "key": "1334" + }, + { + "attributes": { + "blank": " ", + "id": "1335", + "language": "en", + "text_to_embed": "Instilling happiness and innovation in students through teaching." + }, + "key": "1335" + }, + { + "attributes": { + "blank": " ", + "id": "1336", + "language": "en", + "text_to_embed": "Instructing students on the subjects of happiness and innovation." + }, + "key": "1336" + }, + { + "attributes": { + "blank": " ", + "id": "1337", + "language": "en", + "text_to_embed": "Teaching students the concepts of happiness and innovation." + }, + "key": "1337" + }, + { + "attributes": { + "blank": " ", + "id": "1338", + "language": "en", + "text_to_embed": "Helping students develop happiness and innovation through education." + }, + "key": "1338" + }, + { + "attributes": { + "blank": " ", + "id": "1340", + "language": "en", + "text_to_embed": "Ex-New Mexico Secretary Of State Sentenced In Campaign Scandal" + }, + "key": "1340" + }, + { + "attributes": { + "blank": " ", + "id": "1341", + "language": "en", + "text_to_embed": "\"Former New Mexico Secretary Of State Sentenced In Campaign Scandal!\"" + }, + "key": "1341" + }, + { + "attributes": { + "blank": " ", + "id": "1342", + "language": "en", + "text_to_embed": "\"Ex-New Mexico Secretary Of State Sentenced For Campaign Scandal\"" + }, + "key": "1342" + }, + { + "attributes": { + "blank": " ", + "id": "1343", + "language": "en", + "text_to_embed": "\"Ex-New Mexico Secretary Of State Sentenced Over Campaign Scandal\"" + }, + "key": "1343" + }, + { + "attributes": { + "blank": " ", + "id": "1344", + "language": "en", + "text_to_embed": "\"Ex-New Mexico Secretary Of State Sentenced After Campaign Scandal\"" + }, + "key": "1344" + }, + { + "attributes": { + "blank": " ", + "id": "1345", + "language": "en", + "text_to_embed": "\"Ex-New Mexico Secretary Of State Sentenced Amid Campaign Scandal\"" + }, + "key": "1345" + }, + { + "attributes": { + "blank": " ", + "id": "1346", + "language": "en", + "text_to_embed": "In-Depth Analysis: \"Ex-New Mexico Secretary Of State Sentenced Through Campaign Scandal\"" + }, + "key": "1346" + }, + { + "attributes": { + "blank": " ", + "id": "1347", + "language": "en", + "text_to_embed": "\"Ex-New Mexico Secretary Of State Sentenced Upon Campaign Scandal\"" + }, + "key": "1347" + }, + { + "attributes": { + "blank": " ", + "id": "1348", + "language": "en", + "text_to_embed": "Buzzworthy Update! \"Ex-New Mexico Secretary Of State Sentenced Towards Campaign Scandal\"" + }, + "key": "1348" + }, + { + "attributes": { + "blank": " ", + "id": "1350", + "language": "en", + "text_to_embed": "Ghazala Khan, Mother Of Slain War Hero, Responds To Donald Trump" + }, + "key": "1350" + }, + { + "attributes": { + "blank": " ", + "id": "1351", + "language": "fr", + "text_to_embed": "Ghazala Khan, mère d'un héros de guerre décédé, répond à Donald Trump" + }, + "key": "1351" + }, + { + "attributes": { + "blank": " ", + "id": "1352", + "language": "de", + "text_to_embed": "Ghazala Khan, Mutter eines getöteten Kriegshelden, antwortet auf Donald Trump" + }, + "key": "1352" + }, + { + "attributes": { + "blank": " ", + "id": "1353", + "language": "pt", + "text_to_embed": "Ghazala Khan, mãe do herói de guerra assassinado, responde a Donald Trump" + }, + "key": "1353" + }, + { + "attributes": { + "blank": " ", + "id": "1354", + "language": "zh", + "text_to_embed": "被杀害的战争英雄的母亲加萨拉-汗回应唐纳德-特朗普" + }, + "key": "1354" + }, + { + "attributes": { + "blank": " ", + "id": "1355", + "language": "tr", + "text_to_embed": "Öldürülen Savaş Kahramanının Annesi Ghazala Khan Donald Trump'a Yanıt Verdi" + }, + "key": "1355" + }, + { + "attributes": { + "blank": " ", + "id": "1356", + "language": "ru", + "text_to_embed": "Газала Хан, мать погибшего героя войны, ответила Дональду Трампу" + }, + "key": "1356" + }, + { + "attributes": { + "blank": " ", + "id": "1358", + "language": "it", + "text_to_embed": "Ghazala Khan, madre dell'eroe di guerra ucciso, risponde a Donald Trump" + }, + "key": "1358" + }, + { + "attributes": { + "blank": " ", + "id": "1360", + "language": "en", + "text_to_embed": "Irresistible Pepperoni Pizza Scones" + }, + "key": "1360" + }, + { + "attributes": { + "blank": " ", + "id": "1361", + "language": "en", + "text_to_embed": "\"Irresistible Pepperoni Pizza Scone.\"" + }, + "key": "1361" + }, + { + "attributes": { + "blank": " ", + "id": "1362", + "language": "en", + "text_to_embed": "\"Irresistible Pepperoni, Pizza Scones!\"" + }, + "key": "1362" + }, + { + "attributes": { + "blank": " ", + "id": "1363", + "language": "en", + "text_to_embed": "\"Irresistible Pepperoni & Pizza Scones.\"" + }, + "key": "1363" + }, + { + "attributes": { + "blank": " ", + "id": "1364", + "language": "en", + "text_to_embed": "\"Delicious Pepperoni Pizza Scones.\"" + }, + "key": "1364" + }, + { + "attributes": { + "blank": " ", + "id": "1365", + "language": "en", + "text_to_embed": "\"Irresistible Pepperoni Pizza Scones?\"" + }, + "key": "1365" + }, + { + "attributes": { + "blank": " ", + "id": "1366", + "language": "en", + "text_to_embed": "\"Irresistible Spicy Pepperoni Pizza Scones.\"" + }, + "key": "1366" + }, + { + "attributes": { + "blank": " ", + "id": "1367", + "language": "en", + "text_to_embed": "\"Original Pepperoni Pizza Scones.\"" + }, + "key": "1367" + }, + { + "attributes": { + "blank": " ", + "id": "1368", + "language": "en", + "text_to_embed": "\"Irresistible Thick Pepperoni Pizza Scones.\"" + }, + "key": "1368" + }, + { + "attributes": { + "blank": " ", + "id": "1370", + "language": "en", + "text_to_embed": "The Coming Democratic Infighting Over Single-Payer Health Care" + }, + "key": "1370" + }, + { + "attributes": { + "blank": " ", + "id": "1371", + "language": "en", + "text_to_embed": "Single-payer health care will cause a upcoming internal conflict within the Democratic Party." + }, + "key": "1371" + }, + { + "attributes": { + "blank": " ", + "id": "1372", + "language": "en", + "text_to_embed": "There will be a clash among Democrats concerning the implementation of single-payer health care." + }, + "key": "1372" + }, + { + "attributes": { + "blank": " ", + "id": "1373", + "language": "en", + "text_to_embed": "Democratic infighting is imminent due to the introduction of single-payer health care." + }, + "key": "1373" + }, + { + "attributes": { + "blank": " ", + "id": "1374", + "language": "en", + "text_to_embed": "The Democratic Party is on the brink of a fierce disagreement over the adoption of single-payer health care." + }, + "key": "1374" + }, + { + "attributes": { + "blank": " ", + "id": "1375", + "language": "en", + "text_to_embed": "The Democratic Party is headed for internal strife over the issue of single-payer health care." + }, + "key": "1375" + }, + { + "attributes": { + "blank": " ", + "id": "1376", + "language": "en", + "text_to_embed": "Single-payer health care is set to trigger a division within the Democratic Party." + }, + "key": "1376" + }, + { + "attributes": { + "blank": " ", + "id": "1377", + "language": "en", + "text_to_embed": "There is an approaching clash among Democrats regarding the future of single-payer health care." + }, + "key": "1377" + }, + { + "attributes": { + "blank": " ", + "id": "1378", + "language": "en", + "text_to_embed": "Single-payer health care is poised to ignite infighting within the Democratic Party." + }, + "key": "1378" + }, + { + "attributes": { + "blank": " ", + "id": "1380", + "language": "en", + "text_to_embed": "Supreme Court Appears Divided Over Aggressive Ohio Voter Purge Process" + }, + "key": "1380" + }, + { + "attributes": { + "blank": " ", + "id": "1381", + "language": "en", + "text_to_embed": "\"Supreme Court Shows Divided Over Aggressive Ohio Voter Purge Process\" 😕" + }, + "key": "1381" + }, + { + "attributes": { + "blank": " ", + "id": "1382", + "language": "en", + "text_to_embed": "\"Supreme Court Appears United Over Aggressive Ohio Voter Purge Process\" 😃" + }, + "key": "1382" + }, + { + "attributes": { + "blank": " ", + "id": "1383", + "language": "en", + "text_to_embed": "\"Supreme Court Appears Divided Over Lenient Ohio Voter Purge Process\" 😦" + }, + "key": "1383" + }, + { + "attributes": { + "blank": " ", + "id": "1384", + "language": "en", + "text_to_embed": "\"Supreme Court Appears Divided Over Aggressive Texas Voter Purge Process\" 🤔" + }, + "key": "1384" + }, + { + "attributes": { + "blank": " ", + "id": "1385", + "language": "en", + "text_to_embed": "\"Supreme Court Appears Divided Over Aggressive Ohio Voting Purge Process\" 😖" + }, + "key": "1385" + }, + { + "attributes": { + "blank": " ", + "id": "1386", + "language": "en", + "text_to_embed": "\"Supreme Court Appears Divided Over Aggressive Ohio Voter Registration Process\" 😣" + }, + "key": "1386" + }, + { + "attributes": { + "blank": " ", + "id": "1387", + "language": "en", + "text_to_embed": "\"Supreme Court Appears Divided Over Aggressive Ohio Voter Purge Order\" 😮" + }, + "key": "1387" + }, + { + "attributes": { + "blank": " ", + "id": "1388", + "language": "en", + "text_to_embed": "\"Supreme Court Appears Divided Over Aggressive Ohio Voter Purge Process\" 😫" + }, + "key": "1388" + }, + { + "attributes": { + "blank": " ", + "id": "1390", + "language": "en", + "text_to_embed": "We’re Being Served A Revolution On A Platter; Time To Eat Up" + }, + "key": "1390" + }, + { + "attributes": { + "blank": " ", + "id": "1391", + "language": "en", + "text_to_embed": "We’re Being Served A Transformation On A Platter; Time To Eat Up #change #growth" + }, + "key": "1391" + }, + { + "attributes": { + "blank": " ", + "id": "1392", + "language": "en", + "text_to_embed": "We’re Being Served A Revolution On A Platter; Time To Dig In #growth #evolution #rise" + }, + "key": "1392" + }, + { + "attributes": { + "blank": " ", + "id": "1393", + "language": "en", + "text_to_embed": "We’re Being Served A Revolution On A Platter; Time To Devour #revolution #progress" + }, + "key": "1393" + }, + { + "attributes": { + "blank": " ", + "id": "1394", + "language": "en", + "text_to_embed": "We’re Being Served A Revolution On A Golden Platter; Time To Eat Up #luxury #evolution" + }, + "key": "1394" + }, + { + "attributes": { + "blank": " ", + "id": "1395", + "language": "en", + "text_to_embed": "We’re Being Served A Revolutionary Meal; Time To Eat Up #change #future #innovation" + }, + "key": "1395" + }, + { + "attributes": { + "blank": " ", + "id": "1396", + "language": "en", + "text_to_embed": "We’re Being Served A Revolution On A Platter; Time To Feast #power #shift" + }, + "key": "1396" + }, + { + "attributes": { + "blank": " ", + "id": "1397", + "language": "en", + "text_to_embed": "We’re Being Served A Rebellion On A Platter; Time To Eat Up #uprising #protest" + }, + "key": "1397" + }, + { + "attributes": { + "blank": " ", + "id": "1398", + "language": "en", + "text_to_embed": "We’re Being Served A Revolution On A Platter; Time To Rise #awakening #movement" + }, + "key": "1398" + }, + { + "attributes": { + "blank": " ", + "id": "1400", + "language": "en", + "text_to_embed": "The Huge Question Uber's $100 Million Settlement Leaves Unanswered" + }, + "key": "1400" + }, + { + "attributes": { + "blank": " ", + "id": "1401", + "language": "en", + "text_to_embed": "The Huge Question: Uber's $100 Million Settlement Leaves Unanswered." + }, + "key": "1401" + }, + { + "attributes": { + "blank": " ", + "id": "1402", + "language": "en", + "text_to_embed": "The Huge Question: Uber's $100 Million Settlement Leaves Unanswered!" + }, + "key": "1402" + }, + { + "attributes": { + "blank": " ", + "id": "1403", + "language": "en", + "text_to_embed": "\"The Huge Question\" Uber's $100 Million Settlement Leaves Unanswered." + }, + "key": "1403" + }, + { + "attributes": { + "blank": " ", + "id": "1404", + "language": "en", + "text_to_embed": "The Huge Question Uber's $100 Million Settlement Leaves Unaddressed." + }, + "key": "1404" + }, + { + "attributes": { + "blank": " ", + "id": "1405", + "language": "en", + "text_to_embed": "The Huge Question: Uber's Massive $100 Million Settlement Leaves Unanswered." + }, + "key": "1405" + }, + { + "attributes": { + "blank": " ", + "id": "1406", + "language": "en", + "text_to_embed": "The Huge Question—Uber's $100 Million Settlement Leaves Unanswered." + }, + "key": "1406" + }, + { + "attributes": { + "blank": " ", + "id": "1407", + "language": "en", + "text_to_embed": "The Huge Question: Uber's 100 Million Dollar Settlement Leaves Unanswered." + }, + "key": "1407" + }, + { + "attributes": { + "blank": " ", + "id": "1408", + "language": "en", + "text_to_embed": "The Huge Question Uber's $100 Million Settlement Leaves Unanswered, unfortunately." + }, + "key": "1408" + }, + { + "attributes": { + "blank": " ", + "id": "1411", + "language": "fr", + "text_to_embed": "Le nouveau directeur de campagne de Trump nie que le candidat ait proféré des \"insultes personnelles\"." + }, + "key": "1411" + }, + { + "attributes": { + "blank": " ", + "id": "1412", + "language": "de", + "text_to_embed": "Neuer Trump-Wahlkampfmanager bestreitet, dass der Kandidat \"persönliche Beleidigungen\" ausstößt" + }, + "key": "1412" + }, + { + "attributes": { + "blank": " ", + "id": "1413", + "language": "pt", + "text_to_embed": "Novo diretor de campanha de Trump nega que o candidato tenha proferido \"insultos pessoais" + }, + "key": "1413" + }, + { + "attributes": { + "blank": " ", + "id": "1416", + "language": "ru", + "text_to_embed": "Новый руководитель предвыборной кампании Трампа отрицает, что номинант использует \"личные оскорбления" + }, + "key": "1416" + }, + { + "attributes": { + "blank": " ", + "id": "1417", + "language": "ja", + "text_to_embed": "トランプ陣営の新マネージャー、指名候補者の「個人的侮辱」を否定" + }, + "key": "1417" + }, + { + "attributes": { + "blank": " ", + "id": "1418", + "language": "it", + "text_to_embed": "Il nuovo responsabile della campagna di Trump nega che il candidato abbia lanciato \"insulti personali\"." + }, + "key": "1418" + }, + { + "attributes": { + "blank": " ", + "id": "1420", + "language": "en", + "text_to_embed": "10 Classic American Dishes for the Fourth of July" + }, + "key": "1420" + }, + { + "attributes": { + "blank": " ", + "id": "1421", + "language": "fr", + "text_to_embed": "10 plats américains classiques pour le 4 juillet" + }, + "key": "1421" + }, + { + "attributes": { + "blank": " ", + "id": "1422", + "language": "de", + "text_to_embed": "10 klassische amerikanische Gerichte für den Vierten Juli" + }, + "key": "1422" + }, + { + "attributes": { + "blank": " ", + "id": "1423", + "language": "pt", + "text_to_embed": "10 pratos clássicos americanos para o 4 de julho" + }, + "key": "1423" + }, + { + "attributes": { + "blank": " ", + "id": "1425", + "language": "tr", + "text_to_embed": "4 Temmuz için 10 Klasik Amerikan Yemeği" + }, + "key": "1425" + }, + { + "attributes": { + "blank": " ", + "id": "1426", + "language": "ru", + "text_to_embed": "10 классических американских блюд на Четвертое июля" + }, + "key": "1426" + }, + { + "attributes": { + "blank": " ", + "id": "1427", + "language": "ja", + "text_to_embed": "7月4日のためのクラシックなアメリカ料理10選" + }, + "key": "1427" + }, + { + "attributes": { + "blank": " ", + "id": "1428", + "language": "it", + "text_to_embed": "10 piatti classici americani per il 4 luglio" + }, + "key": "1428" + }, + { + "attributes": { + "blank": " ", + "id": "1430", + "language": "en", + "text_to_embed": "Team Obama’s Last Gasp For Middle East Peace Explained" + }, + "key": "1430" + }, + { + "attributes": { + "blank": " ", + "id": "1431", + "language": "en", + "text_to_embed": "\"Team Obama’s Last Stand For Middle East Peace Explained\" #Obama #MiddleEastPeace" + }, + "key": "1431" + }, + { + "attributes": { + "blank": " ", + "id": "1432", + "language": "en", + "text_to_embed": "\"Team Obama’s Final Gasp For Middle East Peace Explained\" #TeamObama #MiddleEast" + }, + "key": "1432" + }, + { + "attributes": { + "blank": " ", + "id": "1433", + "language": "en", + "text_to_embed": "\"Team Obama’s Last Push For Middle East Stability Explained\" #Obama #MiddleEastStability" + }, + "key": "1433" + }, + { + "attributes": { + "blank": " ", + "id": "1434", + "language": "en", + "text_to_embed": "\"Team Obama’s Last Attempt For Middle East Peace Explained\" #Obamaadministration #MiddleEastPeace" + }, + "key": "1434" + }, + { + "attributes": { + "blank": " ", + "id": "1435", + "language": "en", + "text_to_embed": "\"Team Obama’s Last Effort For Middle East Peace Explained\" #Obama #MiddleEastPeaceProcess" + }, + "key": "1435" + }, + { + "attributes": { + "blank": " ", + "id": "1436", + "language": "en", + "text_to_embed": "[Insider Scoop] \"Team Obama’s Last Shot For Middle East Peace Explained\" #Obamaadministration #MiddleEast" + }, + "key": "1436" + }, + { + "attributes": { + "blank": " ", + "id": "1437", + "language": "en", + "text_to_embed": "\"Team Obama’s Last Appeal For Middle East Peace Explained\" #Obama #MiddleEastPeaceProcess" + }, + "key": "1437" + }, + { + "attributes": { + "blank": " ", + "id": "1438", + "language": "en", + "text_to_embed": "\"Team Obama’s Final Call For Middle East Peace Explained\" #Obamaadministration #MiddleEast" + }, + "key": "1438" + }, + { + "attributes": { + "blank": " ", + "id": "1440", + "language": "en", + "text_to_embed": "Andrew Pickup: Actively Seek Bigger Challenges for Broader Experiences" + }, + "key": "1440" + }, + { + "attributes": { + "blank": " ", + "id": "1441", + "language": "en", + "text_to_embed": "Andrew Pickup: Actively pursue greater challenges to gain wider experiences." + }, + "key": "1441" + }, + { + "attributes": { + "blank": " ", + "id": "1442", + "language": "en", + "text_to_embed": "Andrew Pickup: Proactively search for more demanding tasks to broaden one's experiences." + }, + "key": "1442" + }, + { + "attributes": { + "blank": " ", + "id": "1443", + "language": "en", + "text_to_embed": "Andrew Pickup: Actively aim for bigger challenges to enhance one's range of experiences." + }, + "key": "1443" + }, + { + "attributes": { + "blank": " ", + "id": "1444", + "language": "en", + "text_to_embed": "Andrew Pickup: Actively strive for more complex challenges to expand one's breadth of experiences." + }, + "key": "1444" + }, + { + "attributes": { + "blank": " ", + "id": "1445", + "language": "en", + "text_to_embed": "Andrew Pickup: Actively pursue larger challenges to cultivate a broader range of experiences." + }, + "key": "1445" + }, + { + "attributes": { + "blank": " ", + "id": "1446", + "language": "en", + "text_to_embed": "Andrew Pickup: Actively seek out more significant challenges to enrich one's experiences." + }, + "key": "1446" + }, + { + "attributes": { + "blank": " ", + "id": "1447", + "language": "en", + "text_to_embed": "Andrew Pickup: Actively look for more substantial challenges to diversify one's experiences." + }, + "key": "1447" + }, + { + "attributes": { + "blank": " ", + "id": "1448", + "language": "en", + "text_to_embed": "Andrew Pickup: Actively go after more demanding challenges to foster a wider range of experiences." + }, + "key": "1448" + }, + { + "attributes": { + "blank": " ", + "id": "1450", + "language": "en", + "text_to_embed": "Bernie Sanders Bests Hillary Clinton In Nebraska" + }, + "key": "1450" + }, + { + "attributes": { + "blank": " ", + "id": "1451", + "language": "en", + "text_to_embed": "Bernie Sanders bests Hillary Clinton in Nebraska!" + }, + "key": "1451" + }, + { + "attributes": { + "blank": " ", + "id": "1452", + "language": "en", + "text_to_embed": "Bernie Sanders bests Hillary Clinton in Nebraska!!!" + }, + "key": "1452" + }, + { + "attributes": { + "blank": " ", + "id": "1453", + "language": "en", + "text_to_embed": "Bernie Sanders bests Hillary Clinton in Nebraska? #election2020" + }, + "key": "1453" + }, + { + "attributes": { + "blank": " ", + "id": "1454", + "language": "en", + "text_to_embed": "Bernie Sanders bests Hillary Clinton in Nebraska... #victory" + }, + "key": "1454" + }, + { + "attributes": { + "blank": " ", + "id": "1455", + "language": "en", + "text_to_embed": "Bernie Sanders bests Hillary Clinton in Nebraska; why does it matter? #politicalnews" + }, + "key": "1455" + }, + { + "attributes": { + "blank": " ", + "id": "1456", + "language": "en", + "text_to_embed": "Bernie Sanders bests Hillary Clinton in Nebraska, a surprising turn of events. #politics" + }, + "key": "1456" + }, + { + "attributes": { + "blank": " ", + "id": "1457", + "language": "en", + "text_to_embed": "Bernie Sanders bests Hillary Clinton in Nebraska - a historical moment! #democraticprimary" + }, + "key": "1457" + }, + { + "attributes": { + "blank": " ", + "id": "1458", + "language": "en", + "text_to_embed": "Bernie Sanders bests Hillary Clinton in Nebraska. #FeelTheBern" + }, + "key": "1458" + }, + { + "attributes": { + "blank": " ", + "id": "1460", + "language": "en", + "text_to_embed": "Will Uber's New 'Drivers Association' Have Any Real Power?" + }, + "key": "1460" + }, + { + "attributes": { + "blank": " ", + "id": "1461", + "language": "en", + "text_to_embed": "Is Uber's recently formed 'Drivers Association' going to possess any substantial authority?" + }, + "key": "1461" + }, + { + "attributes": { + "blank": " ", + "id": "1462", + "language": "en", + "text_to_embed": "Can Uber's newly established 'Drivers Association' wield any tangible influence?" + }, + "key": "1462" + }, + { + "attributes": { + "blank": " ", + "id": "1463", + "language": "en", + "text_to_embed": "Does Uber's fresh 'Drivers Association' hold any genuine control?" + }, + "key": "1463" + }, + { + "attributes": { + "blank": " ", + "id": "1464", + "language": "en", + "text_to_embed": "Will Uber's recently introduced 'Drivers Association' carry any significant sway?" + }, + "key": "1464" + }, + { + "attributes": { + "blank": " ", + "id": "1465", + "language": "en", + "text_to_embed": "Can Uber's novel 'Drivers Association' have a meaningful impact?" + }, + "key": "1465" + }, + { + "attributes": { + "blank": " ", + "id": "1466", + "language": "en", + "text_to_embed": "Does Uber's newly created 'Drivers Association' possess any real clout?" + }, + "key": "1466" + }, + { + "attributes": { + "blank": " ", + "id": "1467", + "language": "en", + "text_to_embed": "Is Uber's fresh 'Drivers Association' going to hold any substantial power?" + }, + "key": "1467" + }, + { + "attributes": { + "blank": " ", + "id": "1468", + "language": "en", + "text_to_embed": "Can Uber's recently developed 'Drivers Association' wield any genuine influence?" + }, + "key": "1468" + }, + { + "attributes": { + "blank": " ", + "id": "1470", + "language": "en", + "text_to_embed": "This Cyclist Is Peddling Hope For Anyone Who's #WithHer" + }, + "key": "1470" + }, + { + "attributes": { + "blank": " ", + "id": "1471", + "language": "en", + "text_to_embed": "\"This Cyclist is peddling hope for anyone who's #WithHer!\" 🚴‍♀️" + }, + "key": "1471" + }, + { + "attributes": { + "blank": " ", + "id": "1472", + "language": "en", + "text_to_embed": "\"This Cyclist is peddling hope for anyone who's #WithHer.\" 🚴‍♀️❤️" + }, + "key": "1472" + }, + { + "attributes": { + "blank": " ", + "id": "1473", + "language": "en", + "text_to_embed": "\"This Cyclist is peddling hope for anyone who's, #WithHer!\" 🚴‍♀️😊" + }, + "key": "1473" + }, + { + "attributes": { + "blank": " ", + "id": "1474", + "language": "en", + "text_to_embed": "\"This Cyclist is peddling hope for anyone who's with her!\" 🚴‍♀️🌟" + }, + "key": "1474" + }, + { + "attributes": { + "blank": " ", + "id": "1475", + "language": "en", + "text_to_embed": "\"This Cyclist is peddling hope for anyone who's, #WithHer\" 🚴‍♀️🙌" + }, + "key": "1475" + }, + { + "attributes": { + "blank": " ", + "id": "1476", + "language": "en", + "text_to_embed": "\"This Cyclist is peddling hope for anyone who's with her! 😃\" 🚴‍♀️" + }, + "key": "1476" + }, + { + "attributes": { + "blank": " ", + "id": "1477", + "language": "en", + "text_to_embed": "\"This Cyclist is peddling hope for anyone who's with her.\" 🚴‍♀️🌈" + }, + "key": "1477" + }, + { + "attributes": { + "blank": " ", + "id": "1478", + "language": "en", + "text_to_embed": "\"This Cyclist is peddling hope for anyone who's, #WithHer!\" 🚴‍♀️💪" + }, + "key": "1478" + }, + { + "attributes": { + "blank": " ", + "id": "1480", + "language": "en", + "text_to_embed": "Top Democrats Come Out Against Jeff Sessions For Attorney General" + }, + "key": "1480" + }, + { + "attributes": { + "blank": " ", + "id": "1481", + "language": "en", + "text_to_embed": "Jeff Sessions' nomination for Attorney General faces strong opposition from prominent Democrats." + }, + "key": "1481" + }, + { + "attributes": { + "blank": " ", + "id": "1482", + "language": "en", + "text_to_embed": "Leading Democrats openly express their opposition to Jeff Sessions' candidacy for Attorney General." + }, + "key": "1482" + }, + { + "attributes": { + "blank": " ", + "id": "1483", + "language": "en", + "text_to_embed": "Key figures in the Democratic Party voice their disapproval of Jeff Sessions as Attorney General." + }, + "key": "1483" + }, + { + "attributes": { + "blank": " ", + "id": "1484", + "language": "en", + "text_to_embed": "Several high-ranking Democrats reject Jeff Sessions as a suitable candidate for the position of Attorney General." + }, + "key": "1484" + }, + { + "attributes": { + "blank": " ", + "id": "1485", + "language": "en", + "text_to_embed": "Top Democrats publicly oppose the appointment of Jeff Sessions as Attorney General." + }, + "key": "1485" + }, + { + "attributes": { + "blank": " ", + "id": "1486", + "language": "en", + "text_to_embed": "Prominent members of the Democratic Party openly criticize Jeff Sessions' nomination for the role of Attorney General." + }, + "key": "1486" + }, + { + "attributes": { + "blank": " ", + "id": "1487", + "language": "en", + "text_to_embed": "Jeff Sessions' bid for Attorney General encounters resistance from influential Democrats." + }, + "key": "1487" + }, + { + "attributes": { + "blank": " ", + "id": "1488", + "language": "en", + "text_to_embed": "Leading Democrats unite in their opposition to Jeff Sessions' appointment as Attorney General." + }, + "key": "1488" + }, + { + "attributes": { + "blank": " ", + "id": "1490", + "language": "en", + "text_to_embed": "Top Novartis Lawyer Resigns Over Michael Cohen Deal" + }, + "key": "1490" + }, + { + "attributes": { + "blank": " ", + "id": "1491", + "language": "en", + "text_to_embed": "The chief attorney of Novartis steps down due to the Michael Cohen agreement." + }, + "key": "1491" + }, + { + "attributes": { + "blank": " ", + "id": "1492", + "language": "en", + "text_to_embed": "The lead legal representative of Novartis tendered their resignation in response to the Michael Cohen arrangement." + }, + "key": "1492" + }, + { + "attributes": { + "blank": " ", + "id": "1493", + "language": "en", + "text_to_embed": "Novartis' highest-ranking lawyer quits following the Michael Cohen transaction." + }, + "key": "1493" + }, + { + "attributes": { + "blank": " ", + "id": "1494", + "language": "en", + "text_to_embed": "The resignation of Novartis' top lawyer is prompted by the Michael Cohen deal." + }, + "key": "1494" + }, + { + "attributes": { + "blank": " ", + "id": "1495", + "language": "en", + "text_to_embed": "Due to the Michael Cohen agreement, the principal lawyer of Novartis resigns." + }, + "key": "1495" + }, + { + "attributes": { + "blank": " ", + "id": "1496", + "language": "en", + "text_to_embed": "The Michael Cohen deal leads to the resignation of Novartis' top legal counsel." + }, + "key": "1496" + }, + { + "attributes": { + "blank": " ", + "id": "1497", + "language": "en", + "text_to_embed": "The departure of the chief lawyer at Novartis arises from the Michael Cohen arrangement." + }, + "key": "1497" + }, + { + "attributes": { + "blank": " ", + "id": "1498", + "language": "en", + "text_to_embed": "Novartis' primary attorney resigns because of the Michael Cohen deal." + }, + "key": "1498" + }, + { + "attributes": { + "blank": " ", + "id": "1500", + "language": "en", + "text_to_embed": "5 Cars Derail After Trains Collide In Virginia" + }, + "key": "1500" + }, + { + "attributes": { + "blank": " ", + "id": "1501", + "language": "fr", + "text_to_embed": "5 voitures déraillent après la collision de trains en Virginie" + }, + "key": "1501" + }, + { + "attributes": { + "blank": " ", + "id": "1502", + "language": "de", + "text_to_embed": "5 Autos entgleisen nach Zugzusammenstoß in Virginia" + }, + "key": "1502" + }, + { + "attributes": { + "blank": " ", + "id": "1503", + "language": "pt", + "text_to_embed": "5 carros descarrilam após colisão de comboios na Virgínia" + }, + "key": "1503" + }, + { + "attributes": { + "blank": " ", + "id": "1504", + "language": "zh", + "text_to_embed": "弗吉尼亚州火车相撞后 5 辆汽车脱轨" + }, + "key": "1504" + }, + { + "attributes": { + "blank": " ", + "id": "1505", + "language": "tr", + "text_to_embed": "Virginia'da Trenlerin Çarpışması Sonucu 5 Araç Raydan Çıktı" + }, + "key": "1505" + }, + { + "attributes": { + "blank": " ", + "id": "1506", + "language": "ru", + "text_to_embed": "5 вагонов сошли с рельсов после столкновения поездов в штате Вирджиния" + }, + "key": "1506" + }, + { + "attributes": { + "blank": " ", + "id": "1508", + "language": "it", + "text_to_embed": "5 auto deragliano dopo uno scontro tra treni in Virginia" + }, + "key": "1508" + }, + { + "attributes": { + "blank": " ", + "id": "1510", + "language": "en", + "text_to_embed": "Joe Biden Mocked In Trump Campaign Ad For Kneeling — In A Church" + }, + "key": "1510" + }, + { + "attributes": { + "blank": " ", + "id": "1511", + "language": "en", + "text_to_embed": "In a campaign ad by Trump, Joe Biden is ridiculed for kneeling in a church." + }, + "key": "1511" + }, + { + "attributes": { + "blank": " ", + "id": "1512", + "language": "en", + "text_to_embed": "Joe Biden's act of kneeling in a church is scorned in a campaign ad by Trump." + }, + "key": "1512" + }, + { + "attributes": { + "blank": " ", + "id": "1513", + "language": "en", + "text_to_embed": "Through a campaign ad, Trump's team derides Joe Biden for kneeling in a church." + }, + "key": "1513" + }, + { + "attributes": { + "blank": " ", + "id": "1514", + "language": "en", + "text_to_embed": "In a church, Joe Biden's kneeling is portrayed mockingly in a campaign ad by Trump." + }, + "key": "1514" + }, + { + "attributes": { + "blank": " ", + "id": "1515", + "language": "en", + "text_to_embed": "Trump's campaign ad jeers at Joe Biden for his act of kneeling in a church." + }, + "key": "1515" + }, + { + "attributes": { + "blank": " ", + "id": "1516", + "language": "en", + "text_to_embed": "Joe Biden's action of kneeling in a church is subject to mockery in a campaign ad by Trump." + }, + "key": "1516" + }, + { + "attributes": { + "blank": " ", + "id": "1517", + "language": "en", + "text_to_embed": "Trump's campaign ad ridicules Joe Biden's decision to kneel in a church." + }, + "key": "1517" + }, + { + "attributes": { + "blank": " ", + "id": "1518", + "language": "en", + "text_to_embed": "In a church setting, Joe Biden is derided in a campaign ad by Trump for kneeling." + }, + "key": "1518" + }, + { + "attributes": { + "blank": " ", + "id": "1520", + "language": "en", + "text_to_embed": "Government Employee Stole Bank Regulator Files In 'Major Incident'" + }, + "key": "1520" + }, + { + "attributes": { + "blank": " ", + "id": "1521", + "language": "en", + "text_to_embed": "Government Employee Stole Bank Regulator Files In 'Major Incident'!" + }, + "key": "1521" + }, + { + "attributes": { + "blank": " ", + "id": "1522", + "language": "en", + "text_to_embed": "Government Employee 👀 Stole Bank Regulator Files In 'Major Incident'" + }, + "key": "1522" + }, + { + "attributes": { + "blank": " ", + "id": "1523", + "language": "en", + "text_to_embed": "Government Employee Stole Bank Regulator Files In 'Major Incident!!!'" + }, + "key": "1523" + }, + { + "attributes": { + "blank": " ", + "id": "1524", + "language": "en", + "text_to_embed": "Viral Sensation: Government 🕵️‍♂️ Employee Stole Bank Regulator Files In 'Major Incident'" + }, + "key": "1524" + }, + { + "attributes": { + "blank": " ", + "id": "1525", + "language": "en", + "text_to_embed": "Government Employee Stole Bank Regulator Files In 'Major Incident' 😱" + }, + "key": "1525" + }, + { + "attributes": { + "blank": " ", + "id": "1526", + "language": "en", + "text_to_embed": "😮 Government Employee Stole Bank Regulator Files In 'Major Incident'!" + }, + "key": "1526" + }, + { + "attributes": { + "blank": " ", + "id": "1527", + "language": "en", + "text_to_embed": "Government Employee Stole Bank Regulator Files In 🔥 'Major Incident'" + }, + "key": "1527" + }, + { + "attributes": { + "blank": " ", + "id": "1528", + "language": "en", + "text_to_embed": "Government Employee Stole 📂 Bank Regulator Files In 'Major Incident'" + }, + "key": "1528" + }, + { + "attributes": { + "blank": " ", + "id": "1530", + "language": "en", + "text_to_embed": "Appeals Court Blocks Voter ID Laws In 3 States" + }, + "key": "1530" + }, + { + "attributes": { + "blank": " ", + "id": "1531", + "language": "fr", + "text_to_embed": "Une cour d'appel bloque les lois sur l'identification des électeurs dans trois États" + }, + "key": "1531" + }, + { + "attributes": { + "blank": " ", + "id": "1532", + "language": "de", + "text_to_embed": "Berufungsgericht blockiert Wähler-ID-Gesetze in 3 Staaten" + }, + "key": "1532" + }, + { + "attributes": { + "blank": " ", + "id": "1533", + "language": "pt", + "text_to_embed": "Tribunal de recurso bloqueia leis de identificação de eleitores em 3 estados" + }, + "key": "1533" + }, + { + "attributes": { + "blank": " ", + "id": "1534", + "language": "zh", + "text_to_embed": "上诉法院阻止 3 个州的选民身份证法" + }, + "key": "1534" + }, + { + "attributes": { + "blank": " ", + "id": "1535", + "language": "tr", + "text_to_embed": "Temyiz Mahkemesi 3 Eyalette Seçmen Kimliği Yasalarını İptal Etti" + }, + "key": "1535" + }, + { + "attributes": { + "blank": " ", + "id": "1536", + "language": "ru", + "text_to_embed": "Апелляционный суд заблокировал законы об удостоверениях избирателей в 3 штатах" + }, + "key": "1536" + }, + { + "attributes": { + "blank": " ", + "id": "1537", + "language": "ja", + "text_to_embed": "控訴裁判所、3州の有権者ID法を阻止" + }, + "key": "1537" + }, + { + "attributes": { + "blank": " ", + "id": "1538", + "language": "it", + "text_to_embed": "La Corte d'appello blocca le leggi sull'identificazione dei votanti in 3 Stati" + }, + "key": "1538" + }, + { + "attributes": { + "blank": " ", + "id": "1540", + "language": "en", + "text_to_embed": "Trump's Former Labor Nominee Leaves Hardee's, Carl's Jr." + }, + "key": "1540" + }, + { + "attributes": { + "blank": " ", + "id": "1541", + "language": "en", + "text_to_embed": "The ex-labor nominee of President Trump departs from Hardee's and Carl's Jr." + }, + "key": "1541" + }, + { + "attributes": { + "blank": " ", + "id": "1542", + "language": "en", + "text_to_embed": "Hardee's and Carl's Jr. bid farewell to Trump's former nominee for Labor." + }, + "key": "1542" + }, + { + "attributes": { + "blank": " ", + "id": "1543", + "language": "en", + "text_to_embed": "The previous Labor nominee under Trump exits Hardee's and Carl's Jr." + }, + "key": "1543" + }, + { + "attributes": { + "blank": " ", + "id": "1544", + "language": "en", + "text_to_embed": "Trump's ex-nominee for Labor leaves the Hardee's and Carl's Jr. establishments." + }, + "key": "1544" + }, + { + "attributes": { + "blank": " ", + "id": "1545", + "language": "en", + "text_to_embed": "The individual nominated by Trump for Labor resigns from Hardee's and Carl's Jr." + }, + "key": "1545" + }, + { + "attributes": { + "blank": " ", + "id": "1546", + "language": "en", + "text_to_embed": "The former Labor nominee appointed by Trump departs from Hardee's and Carl's Jr." + }, + "key": "1546" + }, + { + "attributes": { + "blank": " ", + "id": "1547", + "language": "en", + "text_to_embed": "Hardee's and Carl's Jr. see Trump's former Labor nominee leave." + }, + "key": "1547" + }, + { + "attributes": { + "blank": " ", + "id": "1550", + "language": "en", + "text_to_embed": "Marco Rubio Only Released Partial Tax Returns In The Past" + }, + "key": "1550" + }, + { + "attributes": { + "blank": " ", + "id": "1551", + "language": "en", + "text_to_embed": "In previous instances, Marco Rubio solely disclosed limited tax returns." + }, + "key": "1551" + }, + { + "attributes": { + "blank": " ", + "id": "1552", + "language": "en", + "text_to_embed": "Marco Rubio merely made public incomplete tax returns previously." + }, + "key": "1552" + }, + { + "attributes": { + "blank": " ", + "id": "1553", + "language": "en", + "text_to_embed": "Only partial tax returns were made available by Marco Rubio in the past." + }, + "key": "1553" + }, + { + "attributes": { + "blank": " ", + "id": "1554", + "language": "en", + "text_to_embed": "Marco Rubio's past tax releases were limited to partial returns." + }, + "key": "1554" + }, + { + "attributes": { + "blank": " ", + "id": "1555", + "language": "en", + "text_to_embed": "Previously, Marco Rubio exclusively released incomplete tax returns." + }, + "key": "1555" + }, + { + "attributes": { + "blank": " ", + "id": "1556", + "language": "en", + "text_to_embed": "In the past, Marco Rubio chose to publish only a portion of his tax returns." + }, + "key": "1556" + }, + { + "attributes": { + "blank": " ", + "id": "1557", + "language": "en", + "text_to_embed": "Marco Rubio's tax return disclosures in the past were restricted to partial documents." + }, + "key": "1557" + }, + { + "attributes": { + "blank": " ", + "id": "1558", + "language": "en", + "text_to_embed": "Only partial tax returns had been released by Marco Rubio before." + }, + "key": "1558" + }, + { + "attributes": { + "blank": " ", + "id": "1560", + "language": "en", + "text_to_embed": "Hot Honey: The Ingredient You Need In Your Kitchen" + }, + "key": "1560" + }, + { + "attributes": { + "blank": " ", + "id": "1561", + "language": "en", + "text_to_embed": "#SpicyHoney: The Ingredient You Need In Your Kitchen" + }, + "key": "1561" + }, + { + "attributes": { + "blank": " ", + "id": "1562", + "language": "en", + "text_to_embed": "Hot #MapleHoney: The Ingredient You Need In Your Kitchen" + }, + "key": "1562" + }, + { + "attributes": { + "blank": " ", + "id": "1563", + "language": "en", + "text_to_embed": "#FieryHoney: The Ingredient You Need In Your Kitchen" + }, + "key": "1563" + }, + { + "attributes": { + "blank": " ", + "id": "1564", + "language": "en", + "text_to_embed": "Hot Honey #Sauce: The Ingredient You Need In Your Kitchen" + }, + "key": "1564" + }, + { + "attributes": { + "blank": " ", + "id": "1565", + "language": "en", + "text_to_embed": "#BurningHoney: The Ingredient You Need In Your Kitchen" + }, + "key": "1565" + }, + { + "attributes": { + "blank": " ", + "id": "1566", + "language": "en", + "text_to_embed": "Hot Honey: The Secret You Need In Your Kitchen" + }, + "key": "1566" + }, + { + "attributes": { + "blank": " ", + "id": "1567", + "language": "en", + "text_to_embed": "#PiquantHoney: The Ingredient You Need In Your Kitchen" + }, + "key": "1567" + }, + { + "attributes": { + "blank": " ", + "id": "1570", + "language": "en", + "text_to_embed": "Steve Bannon Pulls Out Of Speech At Top Washington Think Tank" + }, + "key": "1570" + }, + { + "attributes": { + "blank": " ", + "id": "1571", + "language": "fr", + "text_to_embed": "Steve Bannon se retire d'un discours prononcé devant un groupe de réflexion de premier plan à Washington" + }, + "key": "1571" + }, + { + "attributes": { + "blank": " ", + "id": "1572", + "language": "de", + "text_to_embed": "Steve Bannon bricht seine Rede bei der führenden Washingtoner Denkfabrik ab" + }, + "key": "1572" + }, + { + "attributes": { + "blank": " ", + "id": "1573", + "language": "pt", + "text_to_embed": "Steve Bannon retira-se de um discurso num importante grupo de reflexão de Washington" + }, + "key": "1573" + }, + { + "attributes": { + "blank": " ", + "id": "1575", + "language": "tr", + "text_to_embed": "Steve Bannon Washington'daki Üst Düzey Düşünce Kuruluşunda Yapacağı Konuşmadan Çekildi" + }, + "key": "1575" + }, + { + "attributes": { + "blank": " ", + "id": "1578", + "language": "it", + "text_to_embed": "Steve Bannon si ritira dal discorso al più importante think tank di Washington" + }, + "key": "1578" + }, + { + "attributes": { + "blank": " ", + "id": "1580", + "language": "en", + "text_to_embed": "The Deficit Is Down and the Deficit Hawks Are Furious" + }, + "key": "1580" + }, + { + "attributes": { + "blank": " ", + "id": "1581", + "language": "en", + "text_to_embed": "\"The Deficit Is Up and the Deficit Hawks Are Furious!\"" + }, + "key": "1581" + }, + { + "attributes": { + "blank": " ", + "id": "1582", + "language": "en", + "text_to_embed": "[Insider Scoop] \"The Deficit Is Down, but the Deficit Hawks Are Furious.\"" + }, + "key": "1582" + }, + { + "attributes": { + "blank": " ", + "id": "1583", + "language": "en", + "text_to_embed": "\"The Deficit Is Down, yet the Deficit Hawks Are Furious.\"" + }, + "key": "1583" + }, + { + "attributes": { + "blank": " ", + "id": "1584", + "language": "en", + "text_to_embed": "\"The Deficit Is Down, and the Deficit Hawks Are Overjoyed!\"" + }, + "key": "1584" + }, + { + "attributes": { + "blank": " ", + "id": "1585", + "language": "en", + "text_to_embed": "\"The Deficit Isn't Down and the Deficit Hawks Are Furious.\"" + }, + "key": "1585" + }, + { + "attributes": { + "blank": " ", + "id": "1586", + "language": "en", + "text_to_embed": "OMG! \"The Deficit Is Down, and the Deficit Hawks Are Anxious.\"" + }, + "key": "1586" + }, + { + "attributes": { + "blank": " ", + "id": "1587", + "language": "en", + "text_to_embed": "\"The Deficit Is Down, and the Deficit Hawks Are Ecstatic!\"" + }, + "key": "1587" + }, + { + "attributes": { + "blank": " ", + "id": "1588", + "language": "en", + "text_to_embed": "[Exclusive Report] \"The Deficit Is Down, but the Deficit Hawks Are Astonished.\"" + }, + "key": "1588" + }, + { + "attributes": { + "blank": " ", + "id": "1590", + "language": "en", + "text_to_embed": "Oversized Ice Cubes: How To Recreate The Bar Trend At Home" + }, + "key": "1590" + }, + { + "attributes": { + "blank": " ", + "id": "1591", + "language": "fr", + "text_to_embed": "Glaçons surdimensionnés : Comment recréer la tendance des bars à la maison" + }, + "key": "1591" + }, + { + "attributes": { + "blank": " ", + "id": "1592", + "language": "de", + "text_to_embed": "Überdimensionale Eiswürfel: Wie man den Bar-Trend zu Hause nachahmt" + }, + "key": "1592" + }, + { + "attributes": { + "blank": " ", + "id": "1593", + "language": "pt", + "text_to_embed": "Cubos de gelo de grandes dimensões: Como recriar a tendência dos bares em casa" + }, + "key": "1593" + }, + { + "attributes": { + "blank": " ", + "id": "1594", + "language": "zh", + "text_to_embed": "超大冰块:如何在家中重现酒吧潮流" + }, + "key": "1594" + }, + { + "attributes": { + "blank": " ", + "id": "1596", + "language": "ru", + "text_to_embed": "Кубики льда больших размеров: Как воссоздать барную тенденцию в домашних условиях" + }, + "key": "1596" + }, + { + "attributes": { + "blank": " ", + "id": "1597", + "language": "ja", + "text_to_embed": "特大アイスキューブ:バーのトレンドを自宅で再現する方法" + }, + "key": "1597" + }, + { + "attributes": { + "blank": " ", + "id": "1598", + "language": "it", + "text_to_embed": "Cubetti di ghiaccio oversize: Come ricreare la tendenza del bar a casa propria" + }, + "key": "1598" + }, + { + "attributes": { + "blank": " ", + "id": "1600", + "language": "en", + "text_to_embed": "Looking to Governor Cuomo: A Legacy on Religion and Public Life" + }, + "key": "1600" + }, + { + "attributes": { + "blank": " ", + "id": "1601", + "language": "fr", + "text_to_embed": "Regard sur le gouverneur Cuomo : un héritage sur la religion et la vie publique" + }, + "key": "1601" + }, + { + "attributes": { + "blank": " ", + "id": "1602", + "language": "de", + "text_to_embed": "Blick auf Gouverneur Cuomo: Ein Vermächtnis in Sachen Religion und öffentliches Leben" + }, + "key": "1602" + }, + { + "attributes": { + "blank": " ", + "id": "1603", + "language": "pt", + "text_to_embed": "Olhando para o Governador Cuomo: Um legado sobre religião e vida pública" + }, + "key": "1603" + }, + { + "attributes": { + "blank": " ", + "id": "1604", + "language": "zh", + "text_to_embed": "展望州长科莫:宗教与公共生活方面的遗产" + }, + "key": "1604" + }, + { + "attributes": { + "blank": " ", + "id": "1606", + "language": "ru", + "text_to_embed": "Взгляд на губернатора Куомо: наследие в области религии и общественной жизни" + }, + "key": "1606" + }, + { + "attributes": { + "blank": " ", + "id": "1608", + "language": "it", + "text_to_embed": "Guardando al governatore Cuomo: un'eredità sulla religione e la vita pubblica" + }, + "key": "1608" + }, + { + "attributes": { + "blank": " ", + "id": "1610", + "language": "en", + "text_to_embed": "State of the United, Manchester United Week 14 Recap" + }, + "key": "1610" + }, + { + "attributes": { + "blank": " ", + "id": "1611", + "language": "en", + "text_to_embed": "Recap of Manchester United's activities during Week 14 in the United States." + }, + "key": "1611" + }, + { + "attributes": { + "blank": " ", + "id": "1612", + "language": "en", + "text_to_embed": "A summary of Manchester United's Week 14 in the United States." + }, + "key": "1612" + }, + { + "attributes": { + "blank": " ", + "id": "1613", + "language": "en", + "text_to_embed": "Reviewing Manchester United's progress in the United States during Week 14." + }, + "key": "1613" + }, + { + "attributes": { + "blank": " ", + "id": "1614", + "language": "en", + "text_to_embed": "Recounting Manchester United's happenings in the United States in Week 14." + }, + "key": "1614" + }, + { + "attributes": { + "blank": " ", + "id": "1615", + "language": "en", + "text_to_embed": "An overview of Manchester United's Week 14 in the United States." + }, + "key": "1615" + }, + { + "attributes": { + "blank": " ", + "id": "1616", + "language": "en", + "text_to_embed": "Examining Manchester United's performance in the United States during Week 14." + }, + "key": "1616" + }, + { + "attributes": { + "blank": " ", + "id": "1617", + "language": "en", + "text_to_embed": "Describing Manchester United's experiences in the United States in Week 14." + }, + "key": "1617" + }, + { + "attributes": { + "blank": " ", + "id": "1618", + "language": "en", + "text_to_embed": "Discussing Manchester United's events in the United States throughout Week 14." + }, + "key": "1618" + }, + { + "attributes": { + "blank": " ", + "id": "1620", + "language": "en", + "text_to_embed": "Tiger Woods Arrested In Florida On DUI Charge" + }, + "key": "1620" + }, + { + "attributes": { + "blank": " ", + "id": "1621", + "language": "en", + "text_to_embed": "In Florida, Tiger Woods was detained for a DUI offense." + }, + "key": "1621" + }, + { + "attributes": { + "blank": " ", + "id": "1622", + "language": "en", + "text_to_embed": "Tiger Woods was taken into custody in Florida for driving under the influence." + }, + "key": "1622" + }, + { + "attributes": { + "blank": " ", + "id": "1623", + "language": "en", + "text_to_embed": "A DUI charge led to the arrest of Tiger Woods in Florida." + }, + "key": "1623" + }, + { + "attributes": { + "blank": " ", + "id": "1624", + "language": "en", + "text_to_embed": "Florida authorities apprehended Tiger Woods on a DUI accusation." + }, + "key": "1624" + }, + { + "attributes": { + "blank": " ", + "id": "1625", + "language": "en", + "text_to_embed": "In Florida, Tiger Woods was arrested due to a DUI violation." + }, + "key": "1625" + }, + { + "attributes": { + "blank": " ", + "id": "1626", + "language": "en", + "text_to_embed": "Tiger Woods faced an arrest in Florida for the charge of DUI." + }, + "key": "1626" + }, + { + "attributes": { + "blank": " ", + "id": "1627", + "language": "en", + "text_to_embed": "A DUI charge landed Tiger Woods in jail in Florida." + }, + "key": "1627" + }, + { + "attributes": { + "blank": " ", + "id": "1628", + "language": "en", + "text_to_embed": "Tiger Woods was detained in Florida after being charged with DUI." + }, + "key": "1628" + }, + { + "attributes": { + "blank": " ", + "id": "1630", + "language": "en", + "text_to_embed": "One Skillet Spicy Ranch Chicken: My Hero!" + }, + "key": "1630" + }, + { + "attributes": { + "blank": " ", + "id": "1631", + "language": "fr", + "text_to_embed": "Poulet épicé au ranch en une seule poêle : Mon héros !" + }, + "key": "1631" + }, + { + "attributes": { + "blank": " ", + "id": "1632", + "language": "de", + "text_to_embed": "Würziges Ranch-Huhn in einer Pfanne: Mein Held!" + }, + "key": "1632" + }, + { + "attributes": { + "blank": " ", + "id": "1633", + "language": "pt", + "text_to_embed": "Frango com rancho picante numa frigideira: O meu herói!" + }, + "key": "1633" + }, + { + "attributes": { + "blank": " ", + "id": "1638", + "language": "it", + "text_to_embed": "Pollo al ranch piccante in una sola padella: Il mio eroe!" + }, + "key": "1638" + }, + { + "attributes": { + "blank": " ", + "id": "1640", + "language": "en", + "text_to_embed": "Manchester United BPL Fans Let David Moyes Down" + }, + "key": "1640" + }, + { + "attributes": { + "blank": " ", + "id": "1641", + "language": "en", + "text_to_embed": "Manchester United #BPL Fans Let David Moyes Down 😔" + }, + "key": "1641" + }, + { + "attributes": { + "blank": " ", + "id": "1642", + "language": "en", + "text_to_embed": "#MUFC Fans Let David Moyes Down 😕" + }, + "key": "1642" + }, + { + "attributes": { + "blank": " ", + "id": "1643", + "language": "en", + "text_to_embed": "Manchester United BPL Fans Let David Moyes Down 😞" + }, + "key": "1643" + }, + { + "attributes": { + "blank": " ", + "id": "1644", + "language": "en", + "text_to_embed": "Manchester United #EPL Fans Let David Moyes Down 😢" + }, + "key": "1644" + }, + { + "attributes": { + "blank": " ", + "id": "1645", + "language": "en", + "text_to_embed": "Manchester United BPL Fans Let 🤦‍♂️ David Moyes Down" + }, + "key": "1645" + }, + { + "attributes": { + "blank": " ", + "id": "1646", + "language": "en", + "text_to_embed": "Manchester United BPL Fans Let David Moyes Down 🙁" + }, + "key": "1646" + }, + { + "attributes": { + "blank": " ", + "id": "1647", + "language": "en", + "text_to_embed": "#MUFC Fans Let David Moyes Down 😭" + }, + "key": "1647" + }, + { + "attributes": { + "blank": " ", + "id": "1648", + "language": "en", + "text_to_embed": "Manchester United BPL Fans Let David Moyes Down 😩" + }, + "key": "1648" + }, + { + "attributes": { + "blank": " ", + "id": "1650", + "language": "en", + "text_to_embed": "As War Rages, Paralympics To Open In Beijing Without Russia" + }, + "key": "1650" + }, + { + "attributes": { + "blank": " ", + "id": "1651", + "language": "en", + "text_to_embed": "In the midst of ongoing warfare, the Paralympics will commence in Beijing, excluding Russia." + }, + "key": "1651" + }, + { + "attributes": { + "blank": " ", + "id": "1652", + "language": "en", + "text_to_embed": "While conflict continues, the Paralympics are set to begin in Beijing, with Russia absent." + }, + "key": "1652" + }, + { + "attributes": { + "blank": " ", + "id": "1653", + "language": "en", + "text_to_embed": "As war persists, the Paralympics are scheduled to launch in Beijing, minus Russia's participation." + }, + "key": "1653" + }, + { + "attributes": { + "blank": " ", + "id": "1654", + "language": "en", + "text_to_embed": "Amidst the ongoing war, the Paralympics will open in Beijing, excluding Russia from the event." + }, + "key": "1654" + }, + { + "attributes": { + "blank": " ", + "id": "1655", + "language": "en", + "text_to_embed": "With the backdrop of an active war, the Paralympics are poised to kick off in Beijing, without Russian involvement." + }, + "key": "1655" + }, + { + "attributes": { + "blank": " ", + "id": "1656", + "language": "en", + "text_to_embed": "As the battle rages on, the Paralympics are ready to commence in Beijing, but Russia will not be participating." + }, + "key": "1656" + }, + { + "attributes": { + "blank": " ", + "id": "1657", + "language": "en", + "text_to_embed": "In the face of a war-torn environment, the Paralympics are set to inaugurate in Beijing, with the absence of Russia." + }, + "key": "1657" + }, + { + "attributes": { + "blank": " ", + "id": "1660", + "language": "en", + "text_to_embed": "The Wackiest Failed Snapple Flavors" + }, + "key": "1660" + }, + { + "attributes": { + "blank": " ", + "id": "1661", + "language": "en", + "text_to_embed": "\"The Wackiest 👻 Failed Snapple Flavors\"" + }, + "key": "1661" + }, + { + "attributes": { + "blank": " ", + "id": "1662", + "language": "en", + "text_to_embed": "\"The Wackiest Successful Snapple Flavors\"" + }, + "key": "1662" + }, + { + "attributes": { + "blank": " ", + "id": "1663", + "language": "en", + "text_to_embed": "\"The Wackiest Failed Snapple Blends\"" + }, + "key": "1663" + }, + { + "attributes": { + "blank": " ", + "id": "1664", + "language": "en", + "text_to_embed": "\"The Wackiest Failed Lays Flavors\"" + }, + "key": "1664" + }, + { + "attributes": { + "blank": " ", + "id": "1665", + "language": "en", + "text_to_embed": "\"The Hilarious Failed Snapple Flavors\"" + }, + "key": "1665" + }, + { + "attributes": { + "blank": " ", + "id": "1666", + "language": "en", + "text_to_embed": "\"The Wackiest Failed 🍄 Flavors\"" + }, + "key": "1666" + }, + { + "attributes": { + "blank": " ", + "id": "1667", + "language": "en", + "text_to_embed": "\"The Funkiest Failed Snapple Flavors\"" + }, + "key": "1667" + }, + { + "attributes": { + "blank": " ", + "id": "1670", + "language": "en", + "text_to_embed": "Unlearning My Sexist Hatred Of Hillary Clinton" + }, + "key": "1670" + }, + { + "attributes": { + "blank": " ", + "id": "1671", + "language": "en", + "text_to_embed": "Overcoming my deeply ingrained sexist disdain towards Hillary Clinton." + }, + "key": "1671" + }, + { + "attributes": { + "blank": " ", + "id": "1672", + "language": "en", + "text_to_embed": "Shedding my sexist bias against Hillary Clinton." + }, + "key": "1672" + }, + { + "attributes": { + "blank": " ", + "id": "1673", + "language": "en", + "text_to_embed": "Undoing the sexist animosity I held towards Hillary Clinton." + }, + "key": "1673" + }, + { + "attributes": { + "blank": " ", + "id": "1674", + "language": "en", + "text_to_embed": "Breaking free from my sexist prejudices against Hillary Clinton." + }, + "key": "1674" + }, + { + "attributes": { + "blank": " ", + "id": "1675", + "language": "en", + "text_to_embed": "Letting go of my sexist hatred towards Hillary Clinton." + }, + "key": "1675" + }, + { + "attributes": { + "blank": " ", + "id": "1676", + "language": "en", + "text_to_embed": "Eradicating my sexist aversion to Hillary Clinton." + }, + "key": "1676" + }, + { + "attributes": { + "blank": " ", + "id": "1677", + "language": "en", + "text_to_embed": "Transforming my sexist loathing of Hillary Clinton." + }, + "key": "1677" + }, + { + "attributes": { + "blank": " ", + "id": "1678", + "language": "en", + "text_to_embed": "Abandoning my sexist hostility towards Hillary Clinton." + }, + "key": "1678" + }, + { + "attributes": { + "blank": " ", + "id": "1680", + "language": "en", + "text_to_embed": "Donald Trump Is Now Being Held Up As Literally The Face Of Racism" + }, + "key": "1680" + }, + { + "attributes": { + "blank": " ", + "id": "1681", + "language": "en", + "text_to_embed": "Literally, Donald Trump is currently being presented as the embodiment of racism." + }, + "key": "1681" + }, + { + "attributes": { + "blank": " ", + "id": "1682", + "language": "en", + "text_to_embed": "The image of racism is now figuratively represented by Donald Trump." + }, + "key": "1682" + }, + { + "attributes": { + "blank": " ", + "id": "1683", + "language": "en", + "text_to_embed": "Donald Trump is currently regarded as the physical representation of racism." + }, + "key": "1683" + }, + { + "attributes": { + "blank": " ", + "id": "1684", + "language": "en", + "text_to_embed": "At present, Donald Trump is being symbolized as the actual face of racism." + }, + "key": "1684" + }, + { + "attributes": { + "blank": " ", + "id": "1685", + "language": "en", + "text_to_embed": "Donald Trump is now being upheld as the physical manifestation of racism." + }, + "key": "1685" + }, + { + "attributes": { + "blank": " ", + "id": "1686", + "language": "en", + "text_to_embed": "The personification of racism is now attached to Donald Trump." + }, + "key": "1686" + }, + { + "attributes": { + "blank": " ", + "id": "1687", + "language": "en", + "text_to_embed": "Currently, Donald Trump is being employed as the literal face of racism." + }, + "key": "1687" + }, + { + "attributes": { + "blank": " ", + "id": "1688", + "language": "en", + "text_to_embed": "Donald Trump is now being portrayed as the direct representation of racism itself." + }, + "key": "1688" + }, + { + "attributes": { + "blank": " ", + "id": "1690", + "language": "en", + "text_to_embed": "Bernie Sanders And Donald Trump Actually Agree On Something" + }, + "key": "1690" + }, + { + "attributes": { + "blank": " ", + "id": "1691", + "language": "en", + "text_to_embed": "\"Bernie Sanders and Donald Trump Absolutely Agree On Something\" #unity" + }, + "key": "1691" + }, + { + "attributes": { + "blank": " ", + "id": "1692", + "language": "en", + "text_to_embed": "\"Bernie Sanders or Donald Trump Actually Agree On Something\" #commonground" + }, + "key": "1692" + }, + { + "attributes": { + "blank": " ", + "id": "1693", + "language": "en", + "text_to_embed": "\"Bernie Sanders and Donald Trump Ultimately Agree On Something\" #consensus" + }, + "key": "1693" + }, + { + "attributes": { + "blank": " ", + "id": "1694", + "language": "en", + "text_to_embed": "\"Bernie Sanders and Donald Trump Actually Disagree On Something\" #differences" + }, + "key": "1694" + }, + { + "attributes": { + "blank": " ", + "id": "1695", + "language": "en", + "text_to_embed": "\"Bernie Sanders and Donald Trump Actually Agree On Everything\" #harmony" + }, + "key": "1695" + }, + { + "attributes": { + "blank": " ", + "id": "1696", + "language": "en", + "text_to_embed": "\"Bernie Sanders and Donald Trump Actually Agree On Nothing\" #divergence" + }, + "key": "1696" + }, + { + "attributes": { + "blank": " ", + "id": "1697", + "language": "en", + "text_to_embed": "\"Bernie Sanders and Donald Trump Basically Agree On Something\" #similarities" + }, + "key": "1697" + }, + { + "attributes": { + "blank": " ", + "id": "1698", + "language": "en", + "text_to_embed": "\"Bernie Sanders and Donald Trump Remarkably Agree On Something\" #surprising" + }, + "key": "1698" + }, + { + "attributes": { + "blank": " ", + "id": "1700", + "language": "en", + "text_to_embed": "Pursuing Desegregation In The Trump Era" + }, + "key": "1700" + }, + { + "attributes": { + "blank": " ", + "id": "1701", + "language": "fr", + "text_to_embed": "Poursuivre la déségrégation à l'ère Trump" + }, + "key": "1701" + }, + { + "attributes": { + "blank": " ", + "id": "1702", + "language": "de", + "text_to_embed": "Desegregation in der Ära Trump fortsetzen" + }, + "key": "1702" + }, + { + "attributes": { + "blank": " ", + "id": "1704", + "language": "zh", + "text_to_embed": "在特朗普时代追求取消种族隔离" + }, + "key": "1704" + }, + { + "attributes": { + "blank": " ", + "id": "1708", + "language": "it", + "text_to_embed": "Perseguire la desegregazione nell'era di Trump" + }, + "key": "1708" + }, + { + "attributes": { + "blank": " ", + "id": "1710", + "language": "en", + "text_to_embed": "'No City Anymore': Mariupol Survivors Flee On Train To Safety" + }, + "key": "1710" + }, + { + "attributes": { + "blank": " ", + "id": "1711", + "language": "en", + "text_to_embed": "\"'No City Anymore': Mariupol Survivors Escape On Train To Safety\" #warzone" + }, + "key": "1711" + }, + { + "attributes": { + "blank": " ", + "id": "1712", + "language": "en", + "text_to_embed": "\"'No City Anymore': Mariupol Residents Flee On Train To Safety\" #evacuation" + }, + "key": "1712" + }, + { + "attributes": { + "blank": " ", + "id": "1713", + "language": "en", + "text_to_embed": "\"'No City Anymore': Mariupol Survivors Flee On Train To Refuge\" #crisis" + }, + "key": "1713" + }, + { + "attributes": { + "blank": " ", + "id": "1714", + "language": "en", + "text_to_embed": "\"'No City Anymore': Mariupol Survivors Seek Safety On Train To Escape\" #displacement" + }, + "key": "1714" + }, + { + "attributes": { + "blank": " ", + "id": "1715", + "language": "en", + "text_to_embed": "\"'No City Anymore': Mariupol Refugees Flee On Train To Safety\" #conflict" + }, + "key": "1715" + }, + { + "attributes": { + "blank": " ", + "id": "1716", + "language": "en", + "text_to_embed": "\"'No City Anymore': Mariupol Survivors Depart On Train To Safety\" #evacuation" + }, + "key": "1716" + }, + { + "attributes": { + "blank": " ", + "id": "1717", + "language": "en", + "text_to_embed": "\"'No City Anymore': Mariupol Survivors Flee On Train To Sanctuary\" #refugees" + }, + "key": "1717" + }, + { + "attributes": { + "blank": " ", + "id": "1718", + "language": "en", + "text_to_embed": "\"'No City Anymore': Mariupol Survivors Escape On Train To Shelter\" #evacuation" + }, + "key": "1718" + }, + { + "attributes": { + "blank": " ", + "id": "1720", + "language": "en", + "text_to_embed": "Trump Doubles Down On Fact-Free Fraud Theory About Mail-In Voting" + }, + "key": "1720" + }, + { + "attributes": { + "blank": " ", + "id": "1721", + "language": "en", + "text_to_embed": "Trump persists in promoting baseless accusations regarding mail-in voting fraud." + }, + "key": "1721" + }, + { + "attributes": { + "blank": " ", + "id": "1722", + "language": "en", + "text_to_embed": "Trump continues to assert his fact-free fraud theory about mail-in voting." + }, + "key": "1722" + }, + { + "attributes": { + "blank": " ", + "id": "1723", + "language": "en", + "text_to_embed": "Trump reaffirms his stance on the unsubstantiated fraud theory surrounding mail-in voting." + }, + "key": "1723" + }, + { + "attributes": { + "blank": " ", + "id": "1724", + "language": "en", + "text_to_embed": "Trump strengthens his position on the fact-free fraud theory concerning mail-in voting." + }, + "key": "1724" + }, + { + "attributes": { + "blank": " ", + "id": "1725", + "language": "en", + "text_to_embed": "Trump stands firm on his groundless claims of fraud related to mail-in voting." + }, + "key": "1725" + }, + { + "attributes": { + "blank": " ", + "id": "1726", + "language": "en", + "text_to_embed": "Trump emphasizes his belief in the fact-free fraud theory involving mail-in voting." + }, + "key": "1726" + }, + { + "attributes": { + "blank": " ", + "id": "1727", + "language": "en", + "text_to_embed": "Trump reiterates his unfounded assertion regarding mail-in voting fraud." + }, + "key": "1727" + }, + { + "attributes": { + "blank": " ", + "id": "1728", + "language": "en", + "text_to_embed": "Trump restates his position on the baseless fraud theory surrounding mail-in voting." + }, + "key": "1728" + }, + { + "attributes": { + "blank": " ", + "id": "1730", + "language": "en", + "text_to_embed": "Washington State Will Sue To Stop Trump's Immigration Ban" + }, + "key": "1730" + }, + { + "attributes": { + "blank": " ", + "id": "1731", + "language": "fr", + "text_to_embed": "L'État de Washington va intenter une action en justice pour empêcher l'interdiction de l'immigration décrétée par Trump" + }, + "key": "1731" + }, + { + "attributes": { + "blank": " ", + "id": "1732", + "language": "de", + "text_to_embed": "Der Bundesstaat Washington will Trumps Einwanderungsverbot einklagen" + }, + "key": "1732" + }, + { + "attributes": { + "blank": " ", + "id": "1733", + "language": "pt", + "text_to_embed": "O Estado de Washington vai processar para impedir a proibição de imigração de Trump" + }, + "key": "1733" + }, + { + "attributes": { + "blank": " ", + "id": "1734", + "language": "zh", + "text_to_embed": "华盛顿州将起诉阻止特朗普的移民禁令" + }, + "key": "1734" + }, + { + "attributes": { + "blank": " ", + "id": "1735", + "language": "tr", + "text_to_embed": "Washington Eyaleti Trump'ın Göç Yasağını Durdurmak İçin Dava Açacak" + }, + "key": "1735" + }, + { + "attributes": { + "blank": " ", + "id": "1736", + "language": "ru", + "text_to_embed": "Штат Вашингтон подаст в суд, чтобы остановить запрет Трампа на иммиграцию" + }, + "key": "1736" + }, + { + "attributes": { + "blank": " ", + "id": "1737", + "language": "ja", + "text_to_embed": "ワシントン州、トランプ大統領の入国禁止令を阻止するため提訴へ" + }, + "key": "1737" + }, + { + "attributes": { + "blank": " ", + "id": "1738", + "language": "it", + "text_to_embed": "Lo Stato di Washington farà causa per fermare il divieto di immigrazione di Trump" + }, + "key": "1738" + }, + { + "attributes": { + "blank": " ", + "id": "1740", + "language": "en", + "text_to_embed": "New Video Cooking Magazine Has Premier Chefs Teaching Recipes" + }, + "key": "1740" + }, + { + "attributes": { + "blank": " ", + "id": "1741", + "language": "fr", + "text_to_embed": "Le nouveau magazine vidéo sur la cuisine présente des chefs de premier plan qui enseignent des recettes" + }, + "key": "1741" + }, + { + "attributes": { + "blank": " ", + "id": "1742", + "language": "de", + "text_to_embed": "Neues Video-Kochmagazin mit Rezepten von Spitzenköchen" + }, + "key": "1742" + }, + { + "attributes": { + "blank": " ", + "id": "1743", + "language": "pt", + "text_to_embed": "A nova revista Video Cooking Magazine tem chefes de renome a ensinar receitas" + }, + "key": "1743" + }, + { + "attributes": { + "blank": " ", + "id": "1744", + "language": "zh", + "text_to_embed": "新视频烹饪杂志由顶级厨师教授食谱" + }, + "key": "1744" + }, + { + "attributes": { + "blank": " ", + "id": "1745", + "language": "tr", + "text_to_embed": "Yeni Video Cooking Magazine'de Ünlü Şefler Tarif Öğretiyor" + }, + "key": "1745" + }, + { + "attributes": { + "blank": " ", + "id": "1746", + "language": "ru", + "text_to_embed": "Новый видеожурнал о кулинарии: ведущие шеф-повара учат рецептам" + }, + "key": "1746" + }, + { + "attributes": { + "blank": " ", + "id": "1747", + "language": "ja", + "text_to_embed": "プレミアシェフがレシピを教える新しいビデオ料理マガジン" + }, + "key": "1747" + }, + { + "attributes": { + "blank": " ", + "id": "1748", + "language": "it", + "text_to_embed": "La nuova rivista di video-cucina ha chef di prim'ordine che insegnano le loro ricette" + }, + "key": "1748" + }, + { + "attributes": { + "blank": " ", + "id": "1750", + "language": "en", + "text_to_embed": "What’s Going On With HBO Max? Here’s What We Know So Far." + }, + "key": "1750" + }, + { + "attributes": { + "blank": " ", + "id": "1751", + "language": "en", + "text_to_embed": "Can you provide an update on the current status of HBO Max? Here's what we've gathered so far." + }, + "key": "1751" + }, + { + "attributes": { + "blank": " ", + "id": "1752", + "language": "en", + "text_to_embed": "Any news on HBO Max? Here's what we've managed to learn up until now." + }, + "key": "1752" + }, + { + "attributes": { + "blank": " ", + "id": "1753", + "language": "en", + "text_to_embed": "What is the current situation with HBO Max? Here's all the information we have so far." + }, + "key": "1753" + }, + { + "attributes": { + "blank": " ", + "id": "1754", + "language": "en", + "text_to_embed": "Could you fill us in on what's happening with HBO Max? Here's what we've gathered thus far." + }, + "key": "1754" + }, + { + "attributes": { + "blank": " ", + "id": "1755", + "language": "en", + "text_to_embed": "Do you have any updates on HBO Max? Here's what we know up until this point." + }, + "key": "1755" + }, + { + "attributes": { + "blank": " ", + "id": "1756", + "language": "en", + "text_to_embed": "What's the latest with HBO Max? Here's what we've uncovered so far." + }, + "key": "1756" + }, + { + "attributes": { + "blank": " ", + "id": "1757", + "language": "en", + "text_to_embed": "Share with us what you know about HBO Max's current status. Here's what we've discovered up until now." + }, + "key": "1757" + }, + { + "attributes": { + "blank": " ", + "id": "1758", + "language": "en", + "text_to_embed": "Can you give us an update on HBO Max? Here's the information we have as of now." + }, + "key": "1758" + }, + { + "attributes": { + "blank": " ", + "id": "1760", + "language": "en", + "text_to_embed": "The Campaign Everyone Should Be Talking About - No, Not Hilary's" + }, + "key": "1760" + }, + { + "attributes": { + "blank": " ", + "id": "1761", + "language": "fr", + "text_to_embed": "La campagne dont tout le monde devrait parler - Non, pas celle d'Hilary" + }, + "key": "1761" + }, + { + "attributes": { + "blank": " ", + "id": "1762", + "language": "de", + "text_to_embed": "Der Wahlkampf, über den alle reden sollten - nein, nicht Hilarys" + }, + "key": "1762" + }, + { + "attributes": { + "blank": " ", + "id": "1763", + "language": "pt", + "text_to_embed": "A campanha de que todos deviam estar a falar - não, não é a da Hilary" + }, + "key": "1763" + }, + { + "attributes": { + "blank": " ", + "id": "1764", + "language": "zh", + "text_to_embed": "每个人都应该谈论的竞选活动--不,不是希拉里的竞选活动" + }, + "key": "1764" + }, + { + "attributes": { + "blank": " ", + "id": "1765", + "language": "tr", + "text_to_embed": "Herkesin Konuşması Gereken Kampanya - Hayır, Hilary'ninki Değil" + }, + "key": "1765" + }, + { + "attributes": { + "blank": " ", + "id": "1767", + "language": "ja", + "text_to_embed": "誰もが話題にすべきキャンペーン - ヒラリーのものではない" + }, + "key": "1767" + }, + { + "attributes": { + "blank": " ", + "id": "1768", + "language": "it", + "text_to_embed": "La campagna elettorale di cui tutti dovrebbero parlare - no, non quella di Hilary" + }, + "key": "1768" + }, + { + "attributes": { + "blank": " ", + "id": "1770", + "language": "en", + "text_to_embed": "Tom Brady Attempts A Block In Patriots' Rout Of Jets. Fans Gasp." + }, + "key": "1770" + }, + { + "attributes": { + "blank": " ", + "id": "1771", + "language": "en", + "text_to_embed": "Fans are stunned as Tom Brady tries to block during the Patriots' domination of the Jets." + }, + "key": "1771" + }, + { + "attributes": { + "blank": " ", + "id": "1772", + "language": "en", + "text_to_embed": "In the Patriots' overwhelming victory against the Jets, Tom Brady surprises fans with a block attempt." + }, + "key": "1772" + }, + { + "attributes": { + "blank": " ", + "id": "1773", + "language": "en", + "text_to_embed": "A surprising move by Tom Brady left fans gasping as the Patriots easily defeated the Jets." + }, + "key": "1773" + }, + { + "attributes": { + "blank": " ", + "id": "1774", + "language": "en", + "text_to_embed": "Tom Brady's unexpected block attempt during the Patriots' demolition of the Jets shocks fans." + }, + "key": "1774" + }, + { + "attributes": { + "blank": " ", + "id": "1775", + "language": "en", + "text_to_embed": "Fans hold their breath as Tom Brady goes for a block during the Patriots' complete dominance over the Jets." + }, + "key": "1775" + }, + { + "attributes": { + "blank": " ", + "id": "1776", + "language": "en", + "text_to_embed": "In a surprising moment, Tom Brady tries to make a block during the Patriots' blowout win against the Jets, leaving fans in awe." + }, + "key": "1776" + }, + { + "attributes": { + "blank": " ", + "id": "1777", + "language": "en", + "text_to_embed": "Tom Brady's unexpected block attempt during the Patriots' dismantling of the Jets leaves fans breathless." + }, + "key": "1777" + }, + { + "attributes": { + "blank": " ", + "id": "1778", + "language": "en", + "text_to_embed": "The Patriots' lopsided victory over the Jets takes an unexpected turn as Tom Brady attempts a block, causing fans to gasp." + }, + "key": "1778" + }, + { + "attributes": { + "blank": " ", + "id": "1780", + "language": "en", + "text_to_embed": "Already Struggling, Farms Stand To Lose Under Trump Trade Agenda" + }, + "key": "1780" + }, + { + "attributes": { + "blank": " ", + "id": "1781", + "language": "en", + "text_to_embed": "Already Struggling, Farms Stand To Lose Under #Trump's Trade Agenda 😔" + }, + "key": "1781" + }, + { + "attributes": { + "blank": " ", + "id": "1782", + "language": "en", + "text_to_embed": "#StrugglingFarms Face Major Losses Under Trump's Trade Agenda 🌽" + }, + "key": "1782" + }, + { + "attributes": { + "blank": " ", + "id": "1783", + "language": "en", + "text_to_embed": "Already Struggling, Farms Stand To Lose Under #Trump's #TradeAgenda 😞" + }, + "key": "1783" + }, + { + "attributes": { + "blank": " ", + "id": "1784", + "language": "en", + "text_to_embed": "#Farmers Face Dire Consequences With Trump's Trade Agenda 😔🌾" + }, + "key": "1784" + }, + { + "attributes": { + "blank": " ", + "id": "1785", + "language": "en", + "text_to_embed": "Already Struggling, #Agricultural Sector To Lose Under Trump Trade Agenda 🚜😢" + }, + "key": "1785" + }, + { + "attributes": { + "blank": " ", + "id": "1788", + "language": "en", + "text_to_embed": "[Insider Information] #AgriculturalSector To Lose Big With Trump's Trade Agenda 😢🐄" + }, + "key": "1788" + }, + { + "attributes": { + "blank": " ", + "id": "1790", + "language": "en", + "text_to_embed": "The 4 Most Outrageous Ice Cream Flavors" + }, + "key": "1790" + }, + { + "attributes": { + "blank": " ", + "id": "1791", + "language": "en", + "text_to_embed": "The 4 Most Outrageous Ice Cream Flavors!" + }, + "key": "1791" + }, + { + "attributes": { + "blank": " ", + "id": "1792", + "language": "en", + "text_to_embed": "The 4, Most Outrageous Ice Cream Flavors?" + }, + "key": "1792" + }, + { + "attributes": { + "blank": " ", + "id": "1793", + "language": "en", + "text_to_embed": "The 4 Most Outrageous Ice Cream Flavors!!" + }, + "key": "1793" + }, + { + "attributes": { + "blank": " ", + "id": "1794", + "language": "en", + "text_to_embed": "The 4 Most Outrageous Ice Cream Flavors!! #yum" + }, + "key": "1794" + }, + { + "attributes": { + "blank": " ", + "id": "1795", + "language": "en", + "text_to_embed": "The 4 Most Outrageous Ice Cream Flavors." + }, + "key": "1795" + }, + { + "attributes": { + "blank": " ", + "id": "1796", + "language": "en", + "text_to_embed": "The 4: Most Outrageous Ice Cream Flavors!" + }, + "key": "1796" + }, + { + "attributes": { + "blank": " ", + "id": "1797", + "language": "en", + "text_to_embed": "The 4 Most Outrageous Ice Cream Flavors! #delicious" + }, + "key": "1797" + }, + { + "attributes": { + "blank": " ", + "id": "1800", + "language": "en", + "text_to_embed": "Greta Thunberg To World Leaders At UN Climate Summit: 'How Dare You!'" + }, + "key": "1800" + }, + { + "attributes": { + "blank": " ", + "id": "1801", + "language": "en", + "text_to_embed": "'How dare you!' roared Greta Thunberg at the UN Climate Summit, addressing world leaders." + }, + "key": "1801" + }, + { + "attributes": { + "blank": " ", + "id": "1802", + "language": "en", + "text_to_embed": "World leaders were confronted by Greta Thunberg's bold statement at the UN Climate Summit: 'How dare you!'" + }, + "key": "1802" + }, + { + "attributes": { + "blank": " ", + "id": "1803", + "language": "en", + "text_to_embed": "Greta Thunberg didn't hold back her outrage as she scolded world leaders at the UN Climate Summit: 'How dare you!'" + }, + "key": "1803" + }, + { + "attributes": { + "blank": " ", + "id": "1804", + "language": "en", + "text_to_embed": "At the UN Climate Summit, Greta Thunberg's provocative words to world leaders resonated: 'How dare you!'" + }, + "key": "1804" + }, + { + "attributes": { + "blank": " ", + "id": "1805", + "language": "en", + "text_to_embed": "'How dare you!' Greta Thunberg's impassioned plea rang out across the UN Climate Summit, targeting world leaders." + }, + "key": "1805" + }, + { + "attributes": { + "blank": " ", + "id": "1806", + "language": "en", + "text_to_embed": "World leaders were taken aback when Greta Thunberg shouted at the UN Climate Summit: 'How dare you!'" + }, + "key": "1806" + }, + { + "attributes": { + "blank": " ", + "id": "1807", + "language": "en", + "text_to_embed": "'How dare you!' Greta Thunberg's powerful rebuke echoed throughout the UN Climate Summit, confronting world leaders." + }, + "key": "1807" + }, + { + "attributes": { + "blank": " ", + "id": "1808", + "language": "en", + "text_to_embed": "Greta Thunberg's audacious challenge to world leaders at the UN Climate Summit was summed up in three words: 'How dare you!'" + }, + "key": "1808" + }, + { + "attributes": { + "blank": " ", + "id": "1810", + "language": "en", + "text_to_embed": "California Colleges Undaunted By Trump's Decision To Phase Out DACA" + }, + "key": "1810" + }, + { + "attributes": { + "blank": " ", + "id": "1811", + "language": "en", + "text_to_embed": "Despite Trump's decision to phase out DACA, California colleges remain undaunted." + }, + "key": "1811" + }, + { + "attributes": { + "blank": " ", + "id": "1812", + "language": "en", + "text_to_embed": "California colleges show no fear in the face of Trump's decision to phase out DACA." + }, + "key": "1812" + }, + { + "attributes": { + "blank": " ", + "id": "1813", + "language": "en", + "text_to_embed": "Trump's decision to phase out DACA does not discourage California colleges." + }, + "key": "1813" + }, + { + "attributes": { + "blank": " ", + "id": "1814", + "language": "en", + "text_to_embed": "California colleges stand strong despite Trump's decision to phase out DACA." + }, + "key": "1814" + }, + { + "attributes": { + "blank": " ", + "id": "1815", + "language": "en", + "text_to_embed": "Trump's decision to phase out DACA fails to intimidate California colleges." + }, + "key": "1815" + }, + { + "attributes": { + "blank": " ", + "id": "1816", + "language": "en", + "text_to_embed": "California colleges remain determined in light of Trump's decision to phase out DACA." + }, + "key": "1816" + }, + { + "attributes": { + "blank": " ", + "id": "1817", + "language": "en", + "text_to_embed": "California colleges refuse to be deterred by Trump's decision to phase out DACA." + }, + "key": "1817" + }, + { + "attributes": { + "blank": " ", + "id": "1818", + "language": "en", + "text_to_embed": "Trump's decision to phase out DACA does not dampen the spirit of California colleges." + }, + "key": "1818" + }, + { + "attributes": { + "blank": " ", + "id": "1820", + "language": "en", + "text_to_embed": "San Diego Humane Society Shelter Shows How To Keep Rescues Comfortable" + }, + "key": "1820" + }, + { + "attributes": { + "blank": " ", + "id": "1821", + "language": "fr", + "text_to_embed": "Le refuge de la San Diego Humane Society montre comment assurer le confort des animaux sauvés" + }, + "key": "1821" + }, + { + "attributes": { + "blank": " ", + "id": "1822", + "language": "de", + "text_to_embed": "Das Tierheim der San Diego Humane Society zeigt, wie man Retter komfortabel hält" + }, + "key": "1822" + }, + { + "attributes": { + "blank": " ", + "id": "1823", + "language": "pt", + "text_to_embed": "Abrigo da San Diego Humane Society mostra como manter os resgatados confortáveis" + }, + "key": "1823" + }, + { + "attributes": { + "blank": " ", + "id": "1826", + "language": "ru", + "text_to_embed": "Приют Общества защиты животных Сан-Диего показывает, как обеспечить комфортные условия для спасателей" + }, + "key": "1826" + }, + { + "attributes": { + "blank": " ", + "id": "1828", + "language": "it", + "text_to_embed": "Il rifugio della San Diego Humane Society mostra come far stare comodi i rifugiati" + }, + "key": "1828" + }, + { + "attributes": { + "blank": " ", + "id": "1830", + "language": "en", + "text_to_embed": "The Real Secret of Successful Investors" + }, + "key": "1830" + }, + { + "attributes": { + "blank": " ", + "id": "1831", + "language": "en", + "text_to_embed": "The true key to triumphant investors" + }, + "key": "1831" + }, + { + "attributes": { + "blank": " ", + "id": "1832", + "language": "en", + "text_to_embed": "Unveiling the actual recipe for prosperous investors" + }, + "key": "1832" + }, + { + "attributes": { + "blank": " ", + "id": "1833", + "language": "en", + "text_to_embed": "The underlying truth behind accomplished investors" + }, + "key": "1833" + }, + { + "attributes": { + "blank": " ", + "id": "1834", + "language": "en", + "text_to_embed": "Decoding the genuine mystery of successful investors" + }, + "key": "1834" + }, + { + "attributes": { + "blank": " ", + "id": "1835", + "language": "en", + "text_to_embed": "Discovering the authentic secret behind thriving investors" + }, + "key": "1835" + }, + { + "attributes": { + "blank": " ", + "id": "1836", + "language": "en", + "text_to_embed": "Unraveling the true formula for victorious investors" + }, + "key": "1836" + }, + { + "attributes": { + "blank": " ", + "id": "1837", + "language": "en", + "text_to_embed": "Exposing the actual key to profitable investors" + }, + "key": "1837" + }, + { + "attributes": { + "blank": " ", + "id": "1840", + "language": "en", + "text_to_embed": "Here's What GOP Voters Thought About The Second Debate" + }, + "key": "1840" + }, + { + "attributes": { + "blank": " ", + "id": "1841", + "language": "fr", + "text_to_embed": "Voici ce que les électeurs du GOP ont pensé du second débat" + }, + "key": "1841" + }, + { + "attributes": { + "blank": " ", + "id": "1842", + "language": "de", + "text_to_embed": "Was die GOP-Wähler über die zweite Debatte dachten" + }, + "key": "1842" + }, + { + "attributes": { + "blank": " ", + "id": "1843", + "language": "pt", + "text_to_embed": "O que os eleitores do Partido Republicano acharam do segundo debate" + }, + "key": "1843" + }, + { + "attributes": { + "blank": " ", + "id": "1844", + "language": "zh", + "text_to_embed": "以下是美国共和党选民对第二次辩论的看法" + }, + "key": "1844" + }, + { + "attributes": { + "blank": " ", + "id": "1845", + "language": "tr", + "text_to_embed": "İşte GOP Seçmenlerinin İkinci Tartışma Hakkında Düşündükleri" + }, + "key": "1845" + }, + { + "attributes": { + "blank": " ", + "id": "1846", + "language": "ru", + "text_to_embed": "Вот что думают избиратели GOP о вторых дебатах" + }, + "key": "1846" + }, + { + "attributes": { + "blank": " ", + "id": "1847", + "language": "ja", + "text_to_embed": "共和党有権者の第2回討論会についての感想" + }, + "key": "1847" + }, + { + "attributes": { + "blank": " ", + "id": "1848", + "language": "it", + "text_to_embed": "Ecco cosa hanno pensato gli elettori del GOP del secondo dibattito" + }, + "key": "1848" + }, + { + "attributes": { + "blank": " ", + "id": "1850", + "language": "en", + "text_to_embed": "The Deviled Eggs Recipes You Want And Need" + }, + "key": "1850" + }, + { + "attributes": { + "blank": " ", + "id": "1851", + "language": "fr", + "text_to_embed": "Les recettes d'oeufs à la diable que vous voulez et dont vous avez besoin" + }, + "key": "1851" + }, + { + "attributes": { + "blank": " ", + "id": "1852", + "language": "de", + "text_to_embed": "Die Deviled Eggs-Rezepte, die Sie wollen und brauchen" + }, + "key": "1852" + }, + { + "attributes": { + "blank": " ", + "id": "1853", + "language": "pt", + "text_to_embed": "As receitas de ovos cozidos que você quer e precisa" + }, + "key": "1853" + }, + { + "attributes": { + "blank": " ", + "id": "1854", + "language": "zh", + "text_to_embed": "您想要和需要的咸蛋食谱" + }, + "key": "1854" + }, + { + "attributes": { + "blank": " ", + "id": "1855", + "language": "tr", + "text_to_embed": "İstediğiniz ve İhtiyacınız Olan Acılı Yumurta Tarifleri" + }, + "key": "1855" + }, + { + "attributes": { + "blank": " ", + "id": "1856", + "language": "ru", + "text_to_embed": "Рецепты вареных яиц, которые вы хотите и которые вам нужны" + }, + "key": "1856" + }, + { + "attributes": { + "blank": " ", + "id": "1858", + "language": "it", + "text_to_embed": "Le ricette di uova alla diavola che desiderate e di cui avete bisogno" + }, + "key": "1858" + }, + { + "attributes": { + "blank": " ", + "id": "1860", + "language": "en", + "text_to_embed": "Calling All Cat Lovers, This Is Your Cake" + }, + "key": "1860" + }, + { + "attributes": { + "blank": " ", + "id": "1861", + "language": "fr", + "text_to_embed": "Appel à tous les amoureux des chats, voici votre gâteau" + }, + "key": "1861" + }, + { + "attributes": { + "blank": " ", + "id": "1862", + "language": "de", + "text_to_embed": "Aufruf an alle Katzenliebhaber, dies ist Ihr Kuchen" + }, + "key": "1862" + }, + { + "attributes": { + "blank": " ", + "id": "1863", + "language": "pt", + "text_to_embed": "Chamando todos os amantes de gatos, este é o seu bolo" + }, + "key": "1863" + }, + { + "attributes": { + "blank": " ", + "id": "1864", + "language": "zh", + "text_to_embed": "召唤所有爱猫人士,这就是你的蛋糕" + }, + "key": "1864" + }, + { + "attributes": { + "blank": " ", + "id": "1866", + "language": "ru", + "text_to_embed": "Призыв ко всем любителям кошек, это ваш торт" + }, + "key": "1866" + }, + { + "attributes": { + "blank": " ", + "id": "1867", + "language": "ja", + "text_to_embed": "猫好き集まれ!あなたのケーキはこれだ" + }, + "key": "1867" + }, + { + "attributes": { + "blank": " ", + "id": "1868", + "language": "it", + "text_to_embed": "Chiamate tutti gli amanti dei gatti, questa è la vostra torta" + }, + "key": "1868" + }, + { + "attributes": { + "blank": " ", + "id": "1870", + "language": "en", + "text_to_embed": "The #NeverTrump Push Hits A Brick Wall In Nebraska" + }, + "key": "1870" + }, + { + "attributes": { + "blank": " ", + "id": "1871", + "language": "en", + "text_to_embed": "\"The #AlwaysTrump Push Hits A Brick Wall In Nebraska\" 🚫🧱" + }, + "key": "1871" + }, + { + "attributes": { + "blank": " ", + "id": "1872", + "language": "en", + "text_to_embed": "\"The #NeverTrump Push Hits A Solid Wall In Nebraska\" 🛡️🧱" + }, + "key": "1872" + }, + { + "attributes": { + "blank": " ", + "id": "1873", + "language": "en", + "text_to_embed": "\"The #NeverTrump Push Smashes A Brick Wall In Nebraska\" 💥🧱" + }, + "key": "1873" + }, + { + "attributes": { + "blank": " ", + "id": "1874", + "language": "en", + "text_to_embed": "\"The #NeverTrump Movement Hits A Brick Wall In Nebraska\" 👊🧱" + }, + "key": "1874" + }, + { + "attributes": { + "blank": " ", + "id": "1875", + "language": "en", + "text_to_embed": "\"The #NeverTrump Push Hits A Fortified Wall In Nebraska\" 🏰🧱" + }, + "key": "1875" + }, + { + "attributes": { + "blank": " ", + "id": "1876", + "language": "en", + "text_to_embed": "\"The #NeverTrump Push Slams Into A Brick Wall In Nebraska\" 🚀🧱" + }, + "key": "1876" + }, + { + "attributes": { + "blank": " ", + "id": "1877", + "language": "en", + "text_to_embed": "\"The #NeverTrump Resistance Hits A Brick Wall In Nebraska\" ✊🧱" + }, + "key": "1877" + }, + { + "attributes": { + "blank": " ", + "id": "1878", + "language": "en", + "text_to_embed": "\"The #NeverTrump Push Collides With A Brick Wall In Nebraska\" 💢🧱" + }, + "key": "1878" + }, + { + "attributes": { + "blank": " ", + "id": "1880", + "language": "en", + "text_to_embed": "Carrot Cake With Cardamom, Currants and Ginger-Crème Fraîche Chantilly" + }, + "key": "1880" + }, + { + "attributes": { + "blank": " ", + "id": "1881", + "language": "fr", + "text_to_embed": "Gâteau aux carottes à la cardamome, aux groseilles et à la crème fraîche chantilly au gingembre" + }, + "key": "1881" + }, + { + "attributes": { + "blank": " ", + "id": "1882", + "language": "de", + "text_to_embed": "Karottenkuchen mit Kardamom, Johannisbeeren und Ingwer-Crème Fraîche Chantilly" + }, + "key": "1882" + }, + { + "attributes": { + "blank": " ", + "id": "1883", + "language": "pt", + "text_to_embed": "Bolo de cenoura com cardamomo, groselhas e chantilly de creme fraîche de gengibre" + }, + "key": "1883" + }, + { + "attributes": { + "blank": " ", + "id": "1884", + "language": "zh", + "text_to_embed": "胡萝卜蛋糕配豆蔻、醋栗和生姜-奶油香提利" + }, + "key": "1884" + }, + { + "attributes": { + "blank": " ", + "id": "1886", + "language": "ru", + "text_to_embed": "Морковный торт с кардамоном, смородиной и имбирным крем-фреш шантильи" + }, + "key": "1886" + }, + { + "attributes": { + "blank": " ", + "id": "1888", + "language": "it", + "text_to_embed": "Torta di carote con cardamomo, ribes e chantilly allo zenzero e creme fraîche" + }, + "key": "1888" + }, + { + "attributes": { + "blank": " ", + "id": "1890", + "language": "en", + "text_to_embed": "Caught In A Revolving Door Of Unemployment" + }, + "key": "1890" + }, + { + "attributes": { + "blank": " ", + "id": "1891", + "language": "en", + "text_to_embed": "Caught In A #RevolvingDoorOfUnemployment." + }, + "key": "1891" + }, + { + "attributes": { + "blank": " ", + "id": "1892", + "language": "en", + "text_to_embed": "Caught In A Revolving Door Of #Unemployment." + }, + "key": "1892" + }, + { + "attributes": { + "blank": " ", + "id": "1894", + "language": "en", + "text_to_embed": "Caught In A Revolving Door Of Unemployment!" + }, + "key": "1894" + }, + { + "attributes": { + "blank": " ", + "id": "1895", + "language": "en", + "text_to_embed": "Caught In A Revolving Door Of Unemployment??" + }, + "key": "1895" + }, + { + "attributes": { + "blank": " ", + "id": "1896", + "language": "en", + "text_to_embed": "Caught in a revolving #door of unemployment!" + }, + "key": "1896" + }, + { + "attributes": { + "blank": " ", + "id": "1897", + "language": "en", + "text_to_embed": "Caught In A Revolving Door Of #Joblessness." + }, + "key": "1897" + }, + { + "attributes": { + "blank": " ", + "id": "1900", + "language": "en", + "text_to_embed": "South Carolina Wins First Ever NCAA National Title" + }, + "key": "1900" + }, + { + "attributes": { + "blank": " ", + "id": "1901", + "language": "en", + "text_to_embed": "The NCAA National Title is claimed for the first time by South Carolina." + }, + "key": "1901" + }, + { + "attributes": { + "blank": " ", + "id": "1902", + "language": "en", + "text_to_embed": "South Carolina secures their inaugural NCAA National Title victory." + }, + "key": "1902" + }, + { + "attributes": { + "blank": " ", + "id": "1903", + "language": "en", + "text_to_embed": "A historic win for South Carolina as they clinch their first NCAA National Title." + }, + "key": "1903" + }, + { + "attributes": { + "blank": " ", + "id": "1904", + "language": "en", + "text_to_embed": "South Carolina emerges victorious to claim their maiden NCAA National Title." + }, + "key": "1904" + }, + { + "attributes": { + "blank": " ", + "id": "1905", + "language": "en", + "text_to_embed": "The NCAA National Title goes to South Carolina for the first time in history." + }, + "key": "1905" + }, + { + "attributes": { + "blank": " ", + "id": "1906", + "language": "en", + "text_to_embed": "South Carolina makes history by capturing their first ever NCAA National Title." + }, + "key": "1906" + }, + { + "attributes": { + "blank": " ", + "id": "1907", + "language": "en", + "text_to_embed": "In a groundbreaking achievement, South Carolina becomes the winner of their first NCAA National Title." + }, + "key": "1907" + }, + { + "attributes": { + "blank": " ", + "id": "1908", + "language": "en", + "text_to_embed": "The first ever NCAA National Title is proudly claimed by South Carolina." + }, + "key": "1908" + }, + { + "attributes": { + "blank": " ", + "id": "1910", + "language": "en", + "text_to_embed": "Joe Biden Says Clinton Foundation Should Not Shut Down" + }, + "key": "1910" + }, + { + "attributes": { + "blank": " ", + "id": "1911", + "language": "en", + "text_to_embed": "\"Joe Biden says, Clinton Foundation should not shut down.\"" + }, + "key": "1911" + }, + { + "attributes": { + "blank": " ", + "id": "1912", + "language": "en", + "text_to_embed": "\"Joe Biden says Clinton Foundation should not shut down!\"" + }, + "key": "1912" + }, + { + "attributes": { + "blank": " ", + "id": "1913", + "language": "en", + "text_to_embed": "\"Joe Biden says, 'Clinton Foundation should not shut down.'\"" + }, + "key": "1913" + }, + { + "attributes": { + "blank": " ", + "id": "1914", + "language": "en", + "text_to_embed": "\"Joe Biden, says Clinton Foundation should not shut down.\"" + }, + "key": "1914" + }, + { + "attributes": { + "blank": " ", + "id": "1915", + "language": "en", + "text_to_embed": "\"Joe Biden says, 'Clinton Foundation should not shut down!'\"" + }, + "key": "1915" + }, + { + "attributes": { + "blank": " ", + "id": "1916", + "language": "en", + "text_to_embed": "\"Joe Biden says, 'Clinton Foundation should not shut down?'\"" + }, + "key": "1916" + }, + { + "attributes": { + "blank": " ", + "id": "1917", + "language": "en", + "text_to_embed": "\"Joe Biden says: Clinton Foundation should not shut down.\"" + }, + "key": "1917" + }, + { + "attributes": { + "blank": " ", + "id": "1918", + "language": "en", + "text_to_embed": "\"Joe Biden says, 'Clinton Foundation should not be shut down.'\"" + }, + "key": "1918" + }, + { + "attributes": { + "blank": " ", + "id": "1920", + "language": "en", + "text_to_embed": "Bloomberg In 2011: New York City Has ‘Virtually No Racial Problems’" + }, + "key": "1920" + }, + { + "attributes": { + "blank": " ", + "id": "1921", + "language": "en", + "text_to_embed": "\"Bloomberg In 2011: New York City Has 'Virtually No Racial Problems'! 😊\"" + }, + "key": "1921" + }, + { + "attributes": { + "blank": " ", + "id": "1922", + "language": "en", + "text_to_embed": "\"Bloomberg In 2011: New York City Has 'Virtually No Racial Problems' ... 😉\"" + }, + "key": "1922" + }, + { + "attributes": { + "blank": " ", + "id": "1923", + "language": "en", + "text_to_embed": "\"Bloomberg In 2011: New York City Has 'Virtually No Racial Problems' 😄\"" + }, + "key": "1923" + }, + { + "attributes": { + "blank": " ", + "id": "1924", + "language": "en", + "text_to_embed": "\"Bloomberg In 2011: New York City Has 'Virtually No Racial Problems'! 😁\"" + }, + "key": "1924" + }, + { + "attributes": { + "blank": " ", + "id": "1925", + "language": "en", + "text_to_embed": "\"Bloomberg In 2011: New York City Has 'Virtually No Racial Problems' 🙌\"" + }, + "key": "1925" + }, + { + "attributes": { + "blank": " ", + "id": "1926", + "language": "en", + "text_to_embed": "\"Bloomberg In 2011: New York City Has 'Virtually No Racial Problems' 🥳\"" + }, + "key": "1926" + }, + { + "attributes": { + "blank": " ", + "id": "1927", + "language": "en", + "text_to_embed": "\"Bloomberg In 2011: New York City Has 'Virtually No Racial Problems'! 🥰\"" + }, + "key": "1927" + }, + { + "attributes": { + "blank": " ", + "id": "1928", + "language": "en", + "text_to_embed": "\"Bloomberg In 2011: New York City Has 'Virtually No Racial Problems'! 💯\"" + }, + "key": "1928" + }, + { + "attributes": { + "blank": " ", + "id": "1931", + "language": "en", + "text_to_embed": "The potential fine for UBS due to Libor rigging could reach $1.63 billion." + }, + "key": "1931" + }, + { + "attributes": { + "blank": " ", + "id": "1932", + "language": "en", + "text_to_embed": "UBS may have to pay a fine of $1.63 billion as a result of the Libor rigging scandal." + }, + "key": "1932" + }, + { + "attributes": { + "blank": " ", + "id": "1933", + "language": "en", + "text_to_embed": "The bank's involvement in Libor rigging might result in a fine amounting to $1.63 billion." + }, + "key": "1933" + }, + { + "attributes": { + "blank": " ", + "id": "1934", + "language": "en", + "text_to_embed": "UBS could face a hefty fine of $1.63 billion for its role in the Libor rigging scandal." + }, + "key": "1934" + }, + { + "attributes": { + "blank": " ", + "id": "1935", + "language": "en", + "text_to_embed": "A potential penalty of $1.63 billion looms over UBS due to its involvement in Libor rigging." + }, + "key": "1935" + }, + { + "attributes": { + "blank": " ", + "id": "1936", + "language": "en", + "text_to_embed": "It is estimated that UBS may be fined $1.63 billion as a consequence of the Libor rigging scandal." + }, + "key": "1936" + }, + { + "attributes": { + "blank": " ", + "id": "1937", + "language": "en", + "text_to_embed": "The Libor rigging scandal has the potential to cost UBS a fine in the amount of $1.63 billion." + }, + "key": "1937" + }, + { + "attributes": { + "blank": " ", + "id": "1938", + "language": "en", + "text_to_embed": "UBS may incur a substantial fine of $1.63 billion for its actions in the Libor rigging scandal." + }, + "key": "1938" + }, + { + "attributes": { + "blank": " ", + "id": "1940", + "language": "en", + "text_to_embed": "The Top Kitchen And Cookware Deals For Amazon Prime Day" + }, + "key": "1940" + }, + { + "attributes": { + "blank": " ", + "id": "1941", + "language": "fr", + "text_to_embed": "Les meilleures offres de cuisine et d'ustensiles de cuisine pour le Prime Day d'Amazon" + }, + "key": "1941" + }, + { + "attributes": { + "blank": " ", + "id": "1942", + "language": "de", + "text_to_embed": "Die besten Küchen- und Kochgeschirr-Angebote zum Amazon Prime Day" + }, + "key": "1942" + }, + { + "attributes": { + "blank": " ", + "id": "1943", + "language": "pt", + "text_to_embed": "As melhores ofertas de cozinha e utensílios de cozinha para o Amazon Prime Day" + }, + "key": "1943" + }, + { + "attributes": { + "blank": " ", + "id": "1944", + "language": "zh", + "text_to_embed": "亚马逊 Prime Day 厨房和炊具特卖排行榜" + }, + "key": "1944" + }, + { + "attributes": { + "blank": " ", + "id": "1945", + "language": "tr", + "text_to_embed": "Amazon Prime Day İçin En İyi Mutfak ve Tencere Seti Fırsatları" + }, + "key": "1945" + }, + { + "attributes": { + "blank": " ", + "id": "1946", + "language": "ru", + "text_to_embed": "Лучшие предложения по продаже кухонной и кухонной посуды на Amazon Prime Day" + }, + "key": "1946" + }, + { + "attributes": { + "blank": " ", + "id": "1947", + "language": "ja", + "text_to_embed": "Amazonプライムデーのキッチン・調理器具トップセール" + }, + "key": "1947" + }, + { + "attributes": { + "blank": " ", + "id": "1948", + "language": "it", + "text_to_embed": "Le migliori offerte di cucina e pentole per l'Amazon Prime Day" + }, + "key": "1948" + }, + { + "attributes": { + "blank": " ", + "id": "1950", + "language": "en", + "text_to_embed": "Sunset an Authorization for the Use of Force in Iraq" + }, + "key": "1950" + }, + { + "attributes": { + "blank": " ", + "id": "1951", + "language": "en", + "text_to_embed": "The authorization for the use of force in Iraq is being sunsetted." + }, + "key": "1951" + }, + { + "attributes": { + "blank": " ", + "id": "1952", + "language": "en", + "text_to_embed": "An end is being put to the authorization for the use of force in Iraq." + }, + "key": "1952" + }, + { + "attributes": { + "blank": " ", + "id": "1953", + "language": "en", + "text_to_embed": "The authorization for the use of force in Iraq is being terminated." + }, + "key": "1953" + }, + { + "attributes": { + "blank": " ", + "id": "1954", + "language": "en", + "text_to_embed": "There is a sunset on the authorization for the use of force in Iraq." + }, + "key": "1954" + }, + { + "attributes": { + "blank": " ", + "id": "1955", + "language": "en", + "text_to_embed": "The authorization for the use of force in Iraq is being phased out." + }, + "key": "1955" + }, + { + "attributes": { + "blank": " ", + "id": "1956", + "language": "en", + "text_to_embed": "A conclusion is being reached regarding the authorization for the use of force in Iraq." + }, + "key": "1956" + }, + { + "attributes": { + "blank": " ", + "id": "1957", + "language": "en", + "text_to_embed": "The authorization for the use of force in Iraq is being brought to an end." + }, + "key": "1957" + }, + { + "attributes": { + "blank": " ", + "id": "1958", + "language": "en", + "text_to_embed": "The expiration date of the authorization for the use of force in Iraq is approaching." + }, + "key": "1958" + }, + { + "attributes": { + "blank": " ", + "id": "1960", + "language": "en", + "text_to_embed": "Academia, Applied Research and Your Tax Dollars" + }, + "key": "1960" + }, + { + "attributes": { + "blank": " ", + "id": "1962", + "language": "de", + "text_to_embed": "Wissenschaft, angewandte Forschung und Ihre Steuergelder" + }, + "key": "1962" + }, + { + "attributes": { + "blank": " ", + "id": "1963", + "language": "pt", + "text_to_embed": "Academia, investigação aplicada e os seus dólares dos impostos" + }, + "key": "1963" + }, + { + "attributes": { + "blank": " ", + "id": "1964", + "language": "zh", + "text_to_embed": "学术界、应用研究和您的税款" + }, + "key": "1964" + }, + { + "attributes": { + "blank": " ", + "id": "1965", + "language": "tr", + "text_to_embed": "Akademi, Uygulamalı Araştırma ve Vergi Dolarlarınız" + }, + "key": "1965" + }, + { + "attributes": { + "blank": " ", + "id": "1966", + "language": "ru", + "text_to_embed": "Академия, прикладные исследования и ваши налоговые отчисления" + }, + "key": "1966" + }, + { + "attributes": { + "blank": " ", + "id": "1967", + "language": "ja", + "text_to_embed": "学術、応用研究、そしてあなたの税金" + }, + "key": "1967" + }, + { + "attributes": { + "blank": " ", + "id": "1968", + "language": "it", + "text_to_embed": "Accademico, ricerca applicata e i vostri soldi delle tasse" + }, + "key": "1968" + }, + { + "attributes": { + "blank": " ", + "id": "1970", + "language": "en", + "text_to_embed": "John McCain Rips Donald Trump For Pardoning Joe Arpaio" + }, + "key": "1970" + }, + { + "attributes": { + "blank": " ", + "id": "1971", + "language": "fr", + "text_to_embed": "John McCain reproche à Donald Trump d'avoir gracié Joe Arpaio" + }, + "key": "1971" + }, + { + "attributes": { + "blank": " ", + "id": "1972", + "language": "de", + "text_to_embed": "John McCain rügt Donald Trump für die Begnadigung von Joe Arpaio" + }, + "key": "1972" + }, + { + "attributes": { + "blank": " ", + "id": "1973", + "language": "pt", + "text_to_embed": "John McCain critica Donald Trump por ter perdoado Joe Arpaio" + }, + "key": "1973" + }, + { + "attributes": { + "blank": " ", + "id": "1974", + "language": "zh", + "text_to_embed": "约翰-麦凯恩抨击唐纳德-特朗普赦免乔-阿帕约" + }, + "key": "1974" + }, + { + "attributes": { + "blank": " ", + "id": "1975", + "language": "tr", + "text_to_embed": "John McCain Joe Arpaio'yu Affettiği İçin Donald Trump'a Yüklendi" + }, + "key": "1975" + }, + { + "attributes": { + "blank": " ", + "id": "1976", + "language": "ru", + "text_to_embed": "Джон Маккейн осуждает Дональда Трампа за помилование Джо Арпайо" + }, + "key": "1976" + }, + { + "attributes": { + "blank": " ", + "id": "1978", + "language": "it", + "text_to_embed": "John McCain critica Donald Trump per la grazia a Joe Arpaio" + }, + "key": "1978" + }, + { + "attributes": { + "blank": " ", + "id": "1980", + "language": "en", + "text_to_embed": "Rauner Still Silent on Ohio Racketeering Lawsuit" + }, + "key": "1980" + }, + { + "attributes": { + "blank": " ", + "id": "1981", + "language": "fr", + "text_to_embed": "Rauner reste silencieux sur les poursuites pour racket dans l'Ohio" + }, + "key": "1981" + }, + { + "attributes": { + "blank": " ", + "id": "1982", + "language": "de", + "text_to_embed": "Rauner schweigt immer noch zu Ohio Racketeering Lawsuit" + }, + "key": "1982" + }, + { + "attributes": { + "blank": " ", + "id": "1983", + "language": "pt", + "text_to_embed": "Rauner continua em silêncio sobre o processo de extorsão de Ohio" + }, + "key": "1983" + }, + { + "attributes": { + "blank": " ", + "id": "1990", + "language": "en", + "text_to_embed": "UFC Fighter's Golf Ball-Sized Eye Is The Stuff Of Nightmares" + }, + "key": "1990" + }, + { + "attributes": { + "blank": " ", + "id": "1991", + "language": "en", + "text_to_embed": "The eye of the UFC fighter, which is as small as a golf ball, is incredibly terrifying." + }, + "key": "1991" + }, + { + "attributes": { + "blank": " ", + "id": "1992", + "language": "en", + "text_to_embed": "The golf ball-sized eye belonging to the UFC fighter is a true nightmare-inducing sight." + }, + "key": "1992" + }, + { + "attributes": { + "blank": " ", + "id": "1993", + "language": "en", + "text_to_embed": "Witnessing the UFC fighter's eye, which is comparable in size to a golf ball, is an absolute nightmare." + }, + "key": "1993" + }, + { + "attributes": { + "blank": " ", + "id": "1994", + "language": "en", + "text_to_embed": "The nightmarish quality of the UFC fighter's eye, which is no larger than a golf ball, is truly chilling." + }, + "key": "1994" + }, + { + "attributes": { + "blank": " ", + "id": "1995", + "language": "en", + "text_to_embed": "One would be horrified by the sight of the UFC fighter's eye, which is the size of a golf ball." + }, + "key": "1995" + }, + { + "attributes": { + "blank": " ", + "id": "1996", + "language": "en", + "text_to_embed": "The eerie appearance of the UFC fighter's eye, reminiscent of a golf ball, is a truly terrifying sight." + }, + "key": "1996" + }, + { + "attributes": { + "blank": " ", + "id": "1997", + "language": "en", + "text_to_embed": "The nightmare-worthy eye of the UFC fighter, resembling a golf ball, is enough to cause fear in anyone." + }, + "key": "1997" + }, + { + "attributes": { + "blank": " ", + "id": "1998", + "language": "en", + "text_to_embed": "The UFC fighter's eye, measuring the same size as a golf ball, is something that would haunt one's dreams." + }, + "key": "1998" + }, + { + "attributes": { + "blank": " ", + "id": "2000", + "language": "en", + "text_to_embed": "Bernie Sanders Struggles To Defend Reparations Stance To Black Voters" + }, + "key": "2000" + }, + { + "attributes": { + "blank": " ", + "id": "2001", + "language": "en", + "text_to_embed": "Black voters pose a challenge for Bernie Sanders as he attempts to defend his stance on reparations." + }, + "key": "2001" + }, + { + "attributes": { + "blank": " ", + "id": "2002", + "language": "en", + "text_to_embed": "Bernie Sanders finds it difficult to explain and defend his position on reparations to the African American community." + }, + "key": "2002" + }, + { + "attributes": { + "blank": " ", + "id": "2003", + "language": "en", + "text_to_embed": "Struggling to connect with black voters, Bernie Sanders faces challenges in justifying his stance on reparations." + }, + "key": "2003" + }, + { + "attributes": { + "blank": " ", + "id": "2004", + "language": "en", + "text_to_embed": "Bernie Sanders faces difficulties in convincing African American voters of his position on reparations." + }, + "key": "2004" + }, + { + "attributes": { + "blank": " ", + "id": "2005", + "language": "en", + "text_to_embed": "The defense of his stance on reparations proves to be a struggle for Bernie Sanders when it comes to black voters." + }, + "key": "2005" + }, + { + "attributes": { + "blank": " ", + "id": "2006", + "language": "en", + "text_to_embed": "Bernie Sanders encounters obstacles as he tries to justify his position on reparations to the African American community." + }, + "key": "2006" + }, + { + "attributes": { + "blank": " ", + "id": "2007", + "language": "en", + "text_to_embed": "Black voters present Bernie Sanders with challenges as he tries to uphold his stance on reparations." + }, + "key": "2007" + }, + { + "attributes": { + "blank": " ", + "id": "2008", + "language": "en", + "text_to_embed": "Bernie Sanders faces a dilemma as he tries to explain and defend his position on reparations to black voters." + }, + "key": "2008" + }, + { + "attributes": { + "blank": " ", + "id": "2010", + "language": "en", + "text_to_embed": "i wanna get a danger days tattoo so bad how cool would that spider look like on someones wrist or smth" + }, + "key": "2010" + }, + { + "attributes": { + "blank": " ", + "id": "2011", + "language": "en", + "text_to_embed": "i wanna get a Danger Days tattoo so bad how awesome would that spider look like on someone's wrist or smth #DangerDays #TattooGoals" + }, + "key": "2011" + }, + { + "attributes": { + "blank": " ", + "id": "2012", + "language": "en", + "text_to_embed": "i wanna get a danger days tattoo so bad how cool would that spider look on someone’s wrist or arm #InkAddict #MCRTattoo" + }, + "key": "2012" + }, + { + "attributes": { + "blank": " ", + "id": "2013", + "language": "en", + "text_to_embed": "i wanna get a danger days tattoo soon, how cool would that spider look like on someone’s wrist or smth #DangerDaysTattoos #FanArt" + }, + "key": "2013" + }, + { + "attributes": { + "blank": " ", + "id": "2014", + "language": "en", + "text_to_embed": "i wanna get a danger days tattoo so bad how cool would that spider look on someone’s wrist or arm #MCRForever #TattooAddict" + }, + "key": "2014" + }, + { + "attributes": { + "blank": " ", + "id": "2015", + "language": "en", + "text_to_embed": "i wanna get a danger days tattoo so bad how cool would that design look on someone's wrist or smth #SpiderTattoo #FanInk" + }, + "key": "2015" + }, + { + "attributes": { + "blank": " ", + "id": "2016", + "language": "en", + "text_to_embed": "i wanna get a danger days tattoo now, how cool would that spider look like on someone's wrist or smth #TattooLover #DangerDays" + }, + "key": "2016" + }, + { + "attributes": { + "blank": " ", + "id": "2017", + "language": "en", + "text_to_embed": "i wanna get a danger days tattoo so bad how cool would that spider look like on someone’s wrist or hand #DangerDaysSpider #Tattoo" + }, + "key": "2017" + }, + { + "attributes": { + "blank": " ", + "id": "2018", + "language": "en", + "text_to_embed": "i wanna get a danger days design so bad how cool would that spider look like on someone's wrist or smth #TattooInspo #MCR" + }, + "key": "2018" + }, + { + "attributes": { + "blank": " ", + "id": "2020", + "language": "en", + "text_to_embed": "You can't fight fate and you can't survive alone... I can't help but notice that almost seems like a definition of who I am..." + }, + "key": "2020" + }, + { + "attributes": { + "blank": " ", + "id": "2021", + "language": "en", + "text_to_embed": "\"You can't fight fate and you can't survive alone... I can't help but notice that almost seems like a definition 💁 of who I am...\"" + }, + "key": "2021" + }, + { + "attributes": { + "blank": " ", + "id": "2022", + "language": "en", + "text_to_embed": "\"You can't fight fate and you can't survive alone... I can't help but notice that almost seems like a definition of who I 😏...\"" + }, + "key": "2022" + }, + { + "attributes": { + "blank": " ", + "id": "2023", + "language": "en", + "text_to_embed": "\"You can't fight fate and you can't survive alone... I can't help but notice that almost seems like a definition of who I am! 😄\"" + }, + "key": "2023" + }, + { + "attributes": { + "blank": " ", + "id": "2024", + "language": "en", + "text_to_embed": "\"You can't fight fate and you can't survive alone... I can't help but notice that almost seems like a definition of who I am 🙌...\"" + }, + "key": "2024" + }, + { + "attributes": { + "blank": " ", + "id": "2025", + "language": "en", + "text_to_embed": "\"You can't fight fate and you can't survive alone... I can't help but notice that almost seems like a definition of who I am 🤔...\"" + }, + "key": "2025" + }, + { + "attributes": { + "blank": " ", + "id": "2026", + "language": "en", + "text_to_embed": "\"You can't fight fate and you can't survive alone... I can't help but notice that almost seems like a definition of who I am 🤷‍♂️...\"" + }, + "key": "2026" + }, + { + "attributes": { + "blank": " ", + "id": "2027", + "language": "en", + "text_to_embed": "\"You can't fight fate and you can't survive alone... I can't help but notice that almost seems like a definition of who I am ❤️...\"" + }, + "key": "2027" + }, + { + "attributes": { + "blank": " ", + "id": "2028", + "language": "en", + "text_to_embed": "\"You can't fight fate and you can't survive alone... I can't help but notice that almost seems like a definition of who I am 🤗...\"" + }, + "key": "2028" + }, + { + "attributes": { + "blank": " ", + "id": "2030", + "language": "en", + "text_to_embed": "Baseball: Eyewitness Accounts: August 6 2015 by Jeff Moore Wilson Karaman and Brendan Gawlowski: Eyes on Mi #sport" + }, + "key": "2030" + }, + { + "attributes": { + "blank": " ", + "id": "2031", + "language": "en", + "text_to_embed": "The sport of baseball was observed by Jeff Moore, Wilson Karaman, and Brendan Gawlowski on August 6, 2015, as mentioned in their book \"Eyewitness Accounts: Eyes on Mi.\"" + }, + "key": "2031" + }, + { + "attributes": { + "blank": " ", + "id": "2032", + "language": "en", + "text_to_embed": "On August 6, 2015, Jeff Moore, Wilson Karaman, and Brendan Gawlowski provided firsthand descriptions of a baseball game in their book \"Eyewitness Accounts: Eyes on Mi.\"" + }, + "key": "2032" + }, + { + "attributes": { + "blank": " ", + "id": "2033", + "language": "en", + "text_to_embed": "\"Eyewitness Accounts: Eyes on Mi\" features Jeff Moore, Wilson Karaman, and Brendan Gawlowski's detailed recollections of a baseball game that took place on August 6, 2015." + }, + "key": "2033" + }, + { + "attributes": { + "blank": " ", + "id": "2034", + "language": "en", + "text_to_embed": "In their book \"Eyewitness Accounts: Eyes on Mi,\" Jeff Moore, Wilson Karaman, and Brendan Gawlowski offer an inside look at a baseball game held on August 6, 2015." + }, + "key": "2034" + }, + { + "attributes": { + "blank": " ", + "id": "2035", + "language": "en", + "text_to_embed": "August 6, 2015, marked the date when Jeff Moore, Wilson Karaman, and Brendan Gawlowski attended a baseball game, as documented in their book \"Eyewitness Accounts: Eyes on Mi.\"" + }, + "key": "2035" + }, + { + "attributes": { + "blank": " ", + "id": "2036", + "language": "en", + "text_to_embed": "Jeff Moore, Wilson Karaman, and Brendan Gawlowski were present at a baseball event on August 6, 2015, as recorded in their book \"Eyewitness Accounts: Eyes on Mi.\"" + }, + "key": "2036" + }, + { + "attributes": { + "blank": " ", + "id": "2037", + "language": "en", + "text_to_embed": "\"Eyewitness Accounts: Eyes on Mi\" chronicles the observations made by Jeff Moore, Wilson Karaman, and Brendan Gawlowski during a baseball game held on August 6, 2015." + }, + "key": "2037" + }, + { + "attributes": { + "blank": " ", + "id": "2038", + "language": "en", + "text_to_embed": "A baseball game that occurred on August 6, 2015, is vividly described in Jeff Moore, Wilson Karaman, and Brendan Gawlowski's book \"Eyewitness Accounts: Eyes on Mi.\"" + }, + "key": "2038" + }, + { + "attributes": { + "blank": " ", + "id": "2040", + "language": "en", + "text_to_embed": "A new favorite: Hardwell ; Dannic - Survivors (Remake) [FLP Family] by on #SoundCloud" + }, + "key": "2040" + }, + { + "attributes": { + "blank": " ", + "id": "2041", + "language": "en", + "text_to_embed": "A fresh favorite: Hardwell ; Dannic - Survivors (Remake) [FLP Family] by on #SoundCloud 🎧" + }, + "key": "2041" + }, + { + "attributes": { + "blank": " ", + "id": "2042", + "language": "en", + "text_to_embed": "An ultimate favorite: Hardwell ; Dannic - Survivors (Remake) [FLP Family] by on #SoundCloud 🎶" + }, + "key": "2042" + }, + { + "attributes": { + "blank": " ", + "id": "2043", + "language": "en", + "text_to_embed": "A top favorite: Hardwell ; Dannic - Survivors (Remake) [FLP Family] by on #SoundCloud 🎵" + }, + "key": "2043" + }, + { + "attributes": { + "blank": " ", + "id": "2044", + "language": "en", + "text_to_embed": "A fantastic favorite: Hardwell ; Dannic - Survivors (Remake) [FLP Family] by on #SoundCloud 🎼" + }, + "key": "2044" + }, + { + "attributes": { + "blank": " ", + "id": "2045", + "language": "en", + "text_to_embed": "A recent favorite: Hardwell ; Dannic - Survivors (Remake) [FLP Family] by on #SoundCloud 🌟" + }, + "key": "2045" + }, + { + "attributes": { + "blank": " ", + "id": "2046", + "language": "en", + "text_to_embed": "A beloved favorite: Hardwell ; Dannic - Survivors (Remake) [FLP Family] by on #SoundCloud 😍" + }, + "key": "2046" + }, + { + "attributes": { + "blank": " ", + "id": "2047", + "language": "en", + "text_to_embed": "A must-have favorite: Hardwell ; Dannic - Survivors (Remake) [FLP Family] by on #SoundCloud 💯" + }, + "key": "2047" + }, + { + "attributes": { + "blank": " ", + "id": "2048", + "language": "en", + "text_to_embed": "A incredible favorite: Hardwell ; Dannic - Survivors (Remake) [FLP Family] by on #SoundCloud 🔥" + }, + "key": "2048" + }, + { + "attributes": { + "blank": " ", + "id": "2050", + "language": "en", + "text_to_embed": "investigate why Robert mueller didn't respond to my complaints since Nov 2011 ; just left me/son out her in danger" + }, + "key": "2050" + }, + { + "attributes": { + "blank": " ", + "id": "2051", + "language": "en", + "text_to_embed": "Investigate why Robert Mueller didn't respond to my complaints since Nov 2011; he just left me/son out here in danger." + }, + "key": "2051" + }, + { + "attributes": { + "blank": " ", + "id": "2052", + "language": "en", + "text_to_embed": "Investigate why Robert Mueller didn't respond to my complaints since Nov 2011, just left me/son out here in danger." + }, + "key": "2052" + }, + { + "attributes": { + "blank": " ", + "id": "2053", + "language": "en", + "text_to_embed": "Investigate why Robert Mueller didn't respond to my complaints since Nov 2011. Just left me/son out here in danger." + }, + "key": "2053" + }, + { + "attributes": { + "blank": " ", + "id": "2054", + "language": "en", + "text_to_embed": "Investigate why Robert Mueller didn't respond to my complaints since Nov 2011; Just left me/son out here in danger!" + }, + "key": "2054" + }, + { + "attributes": { + "blank": " ", + "id": "2055", + "language": "en", + "text_to_embed": "Investigate why Robert Mueller didn't respond to my complaints since Nov 2011?! Just left me/son out here in danger." + }, + "key": "2055" + }, + { + "attributes": { + "blank": " ", + "id": "2056", + "language": "en", + "text_to_embed": "Investigate why Robert Mueller didn't respond to my complaints since Nov 2011; He just left me/son out here in danger." + }, + "key": "2056" + }, + { + "attributes": { + "blank": " ", + "id": "2057", + "language": "en", + "text_to_embed": "Investigate why Robert Mueller didn't respond to my complaints since Nov 2011? Just left me/son out here in danger." + }, + "key": "2057" + }, + { + "attributes": { + "blank": " ", + "id": "2058", + "language": "en", + "text_to_embed": "Investigate why Robert Mueller didn't respond to my complaints since Nov 2011: just left me/son out here in danger." + }, + "key": "2058" + }, + { + "attributes": { + "blank": " ", + "id": "2060", + "language": "en", + "text_to_embed": "Reddit's new content policy goes into effect many horrible subreddits banned or quarantined" + }, + "key": "2060" + }, + { + "attributes": { + "blank": " ", + "id": "2061", + "language": "fr", + "text_to_embed": "La nouvelle politique de Reddit en matière de contenu entre en vigueur : de nombreux subreddits horribles sont bannis ou mis en quarantaine" + }, + "key": "2061" + }, + { + "attributes": { + "blank": " ", + "id": "2062", + "language": "de", + "text_to_embed": "Reddit's neue Inhaltspolitik tritt in Kraft, viele schreckliche Subreddits werden verboten oder unter Quarantäne gestellt" + }, + "key": "2062" + }, + { + "attributes": { + "blank": " ", + "id": "2063", + "language": "pt", + "text_to_embed": "A nova política de conteúdos do Reddit entra em vigor muitos subreddits horríveis foram banidos ou colocados em quarentena" + }, + "key": "2063" + }, + { + "attributes": { + "blank": " ", + "id": "2064", + "language": "zh", + "text_to_embed": "Reddit 新内容政策生效 许多可怕的子网站被禁止或隔离" + }, + "key": "2064" + }, + { + "attributes": { + "blank": " ", + "id": "2065", + "language": "tr", + "text_to_embed": "Reddit'in yeni içerik politikası yürürlüğe girdi, birçok korkunç subreddit yasaklandı veya karantinaya alındı" + }, + "key": "2065" + }, + { + "attributes": { + "blank": " ", + "id": "2066", + "language": "ru", + "text_to_embed": "Новая политика Reddit в отношении контента вступила в силу, многие ужасные подресурсы заблокированы или помещены в карантин" + }, + "key": "2066" + }, + { + "attributes": { + "blank": " ", + "id": "2067", + "language": "ja", + "text_to_embed": "Redditの新コンテンツポリシーが発効 多くの恐ろしいサブレディットが禁止または隔離される" + }, + "key": "2067" + }, + { + "attributes": { + "blank": " ", + "id": "2068", + "language": "it", + "text_to_embed": "La nuova politica dei contenuti di Reddit entra in vigore, molti subreddit orribili vengono banditi o messi in quarantena" + }, + "key": "2068" + }, + { + "attributes": { + "blank": " ", + "id": "2070", + "language": "en", + "text_to_embed": "09:13 PM: Hazardous Weather Outlook ( NO HAZARDOUS WEATHER IS EXPECTED AT THIS TIME...." + }, + "key": "2070" + }, + { + "attributes": { + "blank": " ", + "id": "2071", + "language": "fr", + "text_to_embed": "09:13 PM : Perspectives de temps dangereux ( AUCUN TEMPS DANGEREUX N'EST PRÉVU À CE MOMENT...." + }, + "key": "2071" + }, + { + "attributes": { + "blank": " ", + "id": "2072", + "language": "de", + "text_to_embed": "09:13 PM: Gefährliche Wettervorhersage ( NO HAZARDOUS WEATHER IS EXPECTED AT THIS TIME...." + }, + "key": "2072" + }, + { + "attributes": { + "blank": " ", + "id": "2073", + "language": "pt", + "text_to_embed": "09:13 PM: Previsão de tempo perigoso (NÃO SE ESPERA TEMPO PERIGOSO NESTE MOMENTO...." + }, + "key": "2073" + }, + { + "attributes": { + "blank": " ", + "id": "2074", + "language": "zh", + "text_to_embed": "09:13 PM: 危险天气预报 ( 目前预计无危险天气...." + }, + "key": "2074" + }, + { + "attributes": { + "blank": " ", + "id": "2075", + "language": "tr", + "text_to_embed": "09:13 PM: Tehlikeli Hava Durumu Görünümü ( ŞU ANDA TEHLİKELİ HAVA BEKLENMİYOR...." + }, + "key": "2075" + }, + { + "attributes": { + "blank": " ", + "id": "2076", + "language": "ru", + "text_to_embed": "09:13 PM: Hazardous Weather Outlook (NO HAZARDOUS WEATHER IS EXPECTED AT THIS TIME...." + }, + "key": "2076" + }, + { + "attributes": { + "blank": " ", + "id": "2077", + "language": "ja", + "text_to_embed": "09:13 PM 危険な天候の予報(現時点では危険な天候は予想されていない。" + }, + "key": "2077" + }, + { + "attributes": { + "blank": " ", + "id": "2078", + "language": "it", + "text_to_embed": "09:13 PM: Previsioni di tempo pericoloso ( NON SI PREVEDE TEMPO PERICOLOSO IN QUESTO MOMENTO...." + }, + "key": "2078" + }, + { + "attributes": { + "blank": " ", + "id": "2080", + "language": "en", + "text_to_embed": "I liked a video from MK X Tremors Stalag Might Fatality on Ermac Tournament Pharaoh" + }, + "key": "2080" + }, + { + "attributes": { + "blank": " ", + "id": "2081", + "language": "en", + "text_to_embed": "I enjoyed watching a video featuring the MK X Tremors Stalag Might Fatality during the Ermac Tournament Pharaoh." + }, + "key": "2081" + }, + { + "attributes": { + "blank": " ", + "id": "2082", + "language": "en", + "text_to_embed": "The video I watched, showcasing the MK X Tremors Stalag Might Fatality, was great, especially during the Ermac Tournament Pharaoh." + }, + "key": "2082" + }, + { + "attributes": { + "blank": " ", + "id": "2083", + "language": "en", + "text_to_embed": "The video of the Ermac Tournament Pharaoh included a fantastic MK X Tremors Stalag Might Fatality that I really liked." + }, + "key": "2083" + }, + { + "attributes": { + "blank": " ", + "id": "2084", + "language": "en", + "text_to_embed": "I found the MK X Tremors Stalag Might Fatality shown in the video from the Ermac Tournament Pharaoh quite enjoyable." + }, + "key": "2084" + }, + { + "attributes": { + "blank": " ", + "id": "2085", + "language": "en", + "text_to_embed": "The video I came across displayed an impressive MK X Tremors Stalag Might Fatality during the Ermac Tournament Pharaoh that I liked." + }, + "key": "2085" + }, + { + "attributes": { + "blank": " ", + "id": "2086", + "language": "en", + "text_to_embed": "I found myself drawn to a video featuring the MK X Tremors Stalag Might Fatality performed at the Ermac Tournament Pharaoh." + }, + "key": "2086" + }, + { + "attributes": { + "blank": " ", + "id": "2087", + "language": "en", + "text_to_embed": "The Ermac Tournament Pharaoh video impressed me, particularly due to the MK X Tremors Stalag Might Fatality showcased." + }, + "key": "2087" + }, + { + "attributes": { + "blank": " ", + "id": "2088", + "language": "en", + "text_to_embed": "I was captivated by the Ermac Tournament Pharaoh video, mainly because of the MK X Tremors Stalag Might Fatality seen in it." + }, + "key": "2088" + }, + { + "attributes": { + "blank": " ", + "id": "2090", + "language": "en", + "text_to_embed": "After the green line derailment my concern for track that looks like this goes up a bit..." + }, + "key": "2090" + }, + { + "attributes": { + "blank": " ", + "id": "2091", + "language": "en", + "text_to_embed": "My worry about tracks resembling this one increases slightly after the green line derailment." + }, + "key": "2091" + }, + { + "attributes": { + "blank": " ", + "id": "2092", + "language": "en", + "text_to_embed": "The track's similarity to this one concerns me a bit more following the green line derailment." + }, + "key": "2092" + }, + { + "attributes": { + "blank": " ", + "id": "2093", + "language": "en", + "text_to_embed": "I become a little more apprehensive about tracks that bear resemblance to this one after the green line derailment." + }, + "key": "2093" + }, + { + "attributes": { + "blank": " ", + "id": "2094", + "language": "en", + "text_to_embed": "The green line derailment has caused my level of concern to rise a bit when it comes to tracks that resemble this one." + }, + "key": "2094" + }, + { + "attributes": { + "blank": " ", + "id": "2095", + "language": "en", + "text_to_embed": "I find myself slightly more worried about tracks that look like this one after the green line derailment." + }, + "key": "2095" + }, + { + "attributes": { + "blank": " ", + "id": "2096", + "language": "en", + "text_to_embed": "After the green line derailment, I am a touch more anxious about tracks that resemble this one." + }, + "key": "2096" + }, + { + "attributes": { + "blank": " ", + "id": "2097", + "language": "en", + "text_to_embed": "My level of concern for tracks that resemble this one goes up a little following the green line derailment." + }, + "key": "2097" + }, + { + "attributes": { + "blank": " ", + "id": "2098", + "language": "en", + "text_to_embed": "The green line derailment has prompted me to be a tad more cautious about tracks that bear resemblance to this one." + }, + "key": "2098" + }, + { + "attributes": { + "blank": " ", + "id": "2101", + "language": "en", + "text_to_embed": "An incident involving a cat's death occurred on August 3rd, 2015 in Utica, NY, specifically on Pleasant and Holland Ave. The cat was black with white paws and had an average size. It was found on the grass by the north side of the road." + }, + "key": "2101" + }, + { + "attributes": { + "blank": " ", + "id": "2102", + "language": "en", + "text_to_embed": "On August 3rd, 2015, a cat fatality took place in Utica, NY on Pleasant and Holland Ave. The cat was black and had white paws. It was of average size and was discovered on the grass alongside the road's north side." + }, + "key": "2102" + }, + { + "attributes": { + "blank": " ", + "id": "2103", + "language": "en", + "text_to_embed": "A tragic event happened in Utica, NY on August 3rd, 2015, resulting in the death of a cat. The incident occurred on Pleasant and Holland Ave, where a black cat with white paws was found. The cat was of average size and was discovered on the grass adjacent to the road's north side." + }, + "key": "2103" + }, + { + "attributes": { + "blank": " ", + "id": "2104", + "language": "en", + "text_to_embed": "In Utica, NY, tragedy struck on August 3rd, 2015 as a cat met its demise. The fatality happened on Pleasant and Holland Ave, involving a black feline with white paws. The cat had an average size and was discovered on the grass bordering the north side of the road." + }, + "key": "2104" + }, + { + "attributes": { + "blank": " ", + "id": "2105", + "language": "en", + "text_to_embed": "Utica, NY experienced a cat fatality on August 3rd, 2015 on Pleasant and Holland Ave. The black cat with white paws was of average size and found on the grass next to the road's north side." + }, + "key": "2105" + }, + { + "attributes": { + "blank": " ", + "id": "2106", + "language": "en", + "text_to_embed": "On Pleasant and Holland Ave in Utica, NY, a cat fatality occurred on August 3rd, 2015. The deceased cat was black with white paws, average in size, and was found on the grass by the north side of the road." + }, + "key": "2106" + }, + { + "attributes": { + "blank": " ", + "id": "2107", + "language": "en", + "text_to_embed": "A cat was fatally injured in Utica, NY on August 3rd, 2015 along Pleasant and Holland Ave. The cat was a black feline with white paws, had an average size, and was discovered on the grass adjacent to the north side of the road." + }, + "key": "2107" + }, + { + "attributes": { + "blank": " ", + "id": "2108", + "language": "en", + "text_to_embed": "A cat's life was tragically cut short on August 3rd, 2015 in Utica, NY on Pleasant and Holland Ave. The deceased cat had a black coat with white paws, an average size, and was found on the grass by the north side of the road." + }, + "key": "2108" + }, + { + "attributes": { + "blank": " ", + "id": "2110", + "language": "en", + "text_to_embed": "MP train derailment: Village youth saved many lives. #IndiaTV" + }, + "key": "2110" + }, + { + "attributes": { + "blank": " ", + "id": "2111", + "language": "en", + "text_to_embed": "MP train derailment; Village youth saved many lives! #IndiaTV" + }, + "key": "2111" + }, + { + "attributes": { + "blank": " ", + "id": "2112", + "language": "en", + "text_to_embed": "MP train derailment - Village youth saved many lives #IndiaTV" + }, + "key": "2112" + }, + { + "attributes": { + "blank": " ", + "id": "2113", + "language": "en", + "text_to_embed": "MP train derailment! Village youth saved many lives #IndiaTV" + }, + "key": "2113" + }, + { + "attributes": { + "blank": " ", + "id": "2114", + "language": "en", + "text_to_embed": "MP train derailment, Village youth saved many lives #IndiaTV" + }, + "key": "2114" + }, + { + "attributes": { + "blank": " ", + "id": "2115", + "language": "en", + "text_to_embed": "Incredible Discovery: MP train derailment: Village youth saved many lives #IndiaTV" + }, + "key": "2115" + }, + { + "attributes": { + "blank": " ", + "id": "2116", + "language": "en", + "text_to_embed": "MP train derailment. Village youth saved many lives! #IndiaTV" + }, + "key": "2116" + }, + { + "attributes": { + "blank": " ", + "id": "2117", + "language": "en", + "text_to_embed": "MP train derailment: Village youth saved many lives! #IndiaTV!" + }, + "key": "2117" + }, + { + "attributes": { + "blank": " ", + "id": "2118", + "language": "en", + "text_to_embed": "MP train derailment; Village youth saved many lives in #IndiaTV" + }, + "key": "2118" + }, + { + "attributes": { + "blank": " ", + "id": "2120", + "language": "en", + "text_to_embed": "SEVERE WEATHER BULLETIN No. 5. FOR: TYPHOON ‰#Hanna (SOUDELOR). TROPICAL CYCLONE: WARNING. ISSUED AT 5:00 PM 06..." + }, + "key": "2120" + }, + { + "attributes": { + "blank": " ", + "id": "2121", + "language": "en", + "text_to_embed": "\"SEVERE WEATHER BULLETIN No. 5. FOR: TORNADO ‰#Hanna (SOUDELOR). TROPICAL CYCLONE: WARNING! ISSUED AT 5:00 PM 06...\"" + }, + "key": "2121" + }, + { + "attributes": { + "blank": " ", + "id": "2122", + "language": "en", + "text_to_embed": "\"SEVERE WEATHER BULLETIN No. 5. FOR: TYPHOON ‰#Hanna (SOUDELOR). TROPICAL CYCLONE: WATCH. ISSUED AT 5:00 PM 06...\"" + }, + "key": "2122" + }, + { + "attributes": { + "blank": " ", + "id": "2123", + "language": "en", + "text_to_embed": "\"STRONG WEATHER BULLETIN No. 5. FOR: TYPHOON ‰#Hanna (SOUDELOR). TROPICAL CYCLONE: WARNING. ISSUED AT 5:00 PM 06...\"" + }, + "key": "2123" + }, + { + "attributes": { + "blank": " ", + "id": "2124", + "language": "en", + "text_to_embed": "\"SEVERE WEATHER BULLETIN No. 5. FOR: TYPHOON ‰#Hanna (SOUDELOR). TROPICAL CYCLONE: WARNING! ISSUED AT 4:00 PM 06...\"" + }, + "key": "2124" + }, + { + "attributes": { + "blank": " ", + "id": "2125", + "language": "en", + "text_to_embed": "\"SEVERE WEATHER BULLETIN No. 5. FOR: TYPHOON ‰#Hanna (SOUDELOR). TROPICAL CYCLONE: WARNING. ISSUED AT 5:00 PM 05...\"" + }, + "key": "2125" + }, + { + "attributes": { + "blank": " ", + "id": "2126", + "language": "en", + "text_to_embed": "\"SEVERE WEATHER BULLETIN No. 5. FOR: TROPICAL STORM ‰#Hanna (SOUDELOR). TROPICAL CYCLONE: WARNING. ISSUED AT 5:00 PM 06...\"" + }, + "key": "2126" + }, + { + "attributes": { + "blank": " ", + "id": "2127", + "language": "en", + "text_to_embed": "\"SEVERE WEATHER BULLETIN No. 6. FOR: TYPHOON ‰#Hanna (SOUDELOR). TROPICAL CYCLONE: WARNING. ISSUED AT 5:00 PM 06...\"" + }, + "key": "2127" + }, + { + "attributes": { + "blank": " ", + "id": "2128", + "language": "en", + "text_to_embed": "\"SEVERE WEATHER REPORT No. 5. FOR: TYPHOON ‰#Hanna (SOUDELOR). TROPICAL CYCLONE: WARNING. ISSUED AT 5:00 PM 06...\"" + }, + "key": "2128" + }, + { + "attributes": { + "blank": " ", + "id": "2131", + "language": "en", + "text_to_embed": "I support #TeamNyle due to his control over a family member, forcing me to make this post to avoid negative consequences." + }, + "key": "2131" + }, + { + "attributes": { + "blank": " ", + "id": "2132", + "language": "en", + "text_to_embed": "I stand with #TeamNyle as he has a family member in his custody, compelling me to share this or face unspecified repercussions." + }, + "key": "2132" + }, + { + "attributes": { + "blank": " ", + "id": "2133", + "language": "en", + "text_to_embed": "I am endorsing #TeamNyle given his current situation with a captive family member, necessitating my obligation to post this or face undesirable outcomes." + }, + "key": "2133" + }, + { + "attributes": { + "blank": " ", + "id": "2134", + "language": "en", + "text_to_embed": "The reason for my allegiance to #TeamNyle lies in a family member being held hostage, leaving me with no choice but to publish this or suffer potential consequences." + }, + "key": "2134" + }, + { + "attributes": { + "blank": " ", + "id": "2135", + "language": "en", + "text_to_embed": "I am on #TeamNyle owing to his possession of a family member as a hostage, obligating me to disseminate this message to prevent unfavorable circumstances." + }, + "key": "2135" + }, + { + "attributes": { + "blank": " ", + "id": "2136", + "language": "en", + "text_to_embed": "My support for #TeamNyle is directly linked to his captivity of a family member, thus forcing me to post this in order to avoid the 'else.'" + }, + "key": "2136" + }, + { + "attributes": { + "blank": " ", + "id": "2138", + "language": "en", + "text_to_embed": "The rationale behind my affiliation to #TeamNyle stems from his holding a family member hostage, compelling me to make this post to avert the 'else.'" + }, + "key": "2138" + }, + { + "attributes": { + "blank": " ", + "id": "2141", + "language": "en", + "text_to_embed": "There is no doubt in my mind about it. However, his unspoken intention while carrying out the action makes me wish for him to be run over by a bus." + }, + "key": "2141" + }, + { + "attributes": { + "blank": " ", + "id": "2142", + "language": "en", + "text_to_embed": "I have no reservations about that statement. Nevertheless, his unspoken message in performing the action creates in me a desire for him to be crushed by a bus." + }, + "key": "2142" + }, + { + "attributes": { + "blank": " ", + "id": "2144", + "language": "en", + "text_to_embed": "There is no room for doubt. Yet, his underlying implication in doing it triggers a strong wish for him to be flattened by a bus." + }, + "key": "2144" + }, + { + "attributes": { + "blank": " ", + "id": "2145", + "language": "en", + "text_to_embed": "I have complete confidence in that. Nonetheless, his implied statement while executing the action generates a strong desire for him to be hit by a bus." + }, + "key": "2145" + }, + { + "attributes": { + "blank": " ", + "id": "2148", + "language": "en", + "text_to_embed": "It is beyond question. Yet, his implied message in doing it gives rise to a fervent wish for him to be crushed by a bus." + }, + "key": "2148" + }, + { + "attributes": { + "blank": " ", + "id": "2150", + "language": "en", + "text_to_embed": "I have completed the quest 'Demolish 5 Murlo...' in the #Android game The Tribez. #androidgames #gameinsight" + }, + "key": "2150" + }, + { + "attributes": { + "blank": " ", + "id": "2151", + "language": "en", + "text_to_embed": "Change: \"I have completed the quest 'Construct 5 Murlo...' in the #Android game The Tribez. #androidgames #gameinsight.\"" + }, + "key": "2151" + }, + { + "attributes": { + "blank": " ", + "id": "2152", + "language": "en", + "text_to_embed": "Add: \"I have just completed the quest 'Demolish 5 Murlo...' in the #Android game The Tribez. #androidgames #gameinsight!\"" + }, + "key": "2152" + }, + { + "attributes": { + "blank": " ", + "id": "2153", + "language": "en", + "text_to_embed": "Delete: \"I completed the quest 'Demolish 5 Murlo...' in the #Android game The Tribez. #androidgames #gameinsight.\"" + }, + "key": "2153" + }, + { + "attributes": { + "blank": " ", + "id": "2154", + "language": "en", + "text_to_embed": "Change: \"I have completed the challenge 'Demolish 5 Murlo...' in the #Android game The Tribez. #androidgames #gameinsight.\"" + }, + "key": "2154" + }, + { + "attributes": { + "blank": " ", + "id": "2155", + "language": "en", + "text_to_embed": "Add: \"I have completed all the quests! 'Demolish 5 Murlo...' in the #Android game The Tribez. #androidgames #gameinsight.\"" + }, + "key": "2155" + }, + { + "attributes": { + "blank": " ", + "id": "2156", + "language": "en", + "text_to_embed": "Delete: \"Completed the quest 'Demolish 5 Murlo...' in the #Android game The Tribez. #androidgames #gameinsight!\"" + }, + "key": "2156" + }, + { + "attributes": { + "blank": " ", + "id": "2157", + "language": "en", + "text_to_embed": "Change: \"I successfully completed the quest 'Demolish 5 Murlo...' in the #Android game The Tribez. #androidgames #gameinsight.\"" + }, + "key": "2157" + }, + { + "attributes": { + "blank": " ", + "id": "2158", + "language": "en", + "text_to_embed": "Add: \"I have recently completed the quest 'Demolish 5 Murlo...!' in the #Android game The Tribez. #androidgames #gameinsight.\"" + }, + "key": "2158" + }, + { + "attributes": { + "blank": " ", + "id": "2160", + "language": "en", + "text_to_embed": "CLUB GOING UP MIXTAPE (RNB EDITION) 2015 ?? BY DJ VOLCANO X STARZ TEAM. DOWNLOAD:" + }, + "key": "2160" + }, + { + "attributes": { + "blank": " ", + "id": "2161", + "language": "en", + "text_to_embed": "Club going up mixtape (RnB Edition) 2015?? By DJ Volcano x Starz Team. Download:" + }, + "key": "2161" + }, + { + "attributes": { + "blank": " ", + "id": "2162", + "language": "en", + "text_to_embed": "Club going up mixtape - RNB Edition 2015?? By DJ Volcano x Starz Team! Download:" + }, + "key": "2162" + }, + { + "attributes": { + "blank": " ", + "id": "2163", + "language": "en", + "text_to_embed": "🔥 Hot Take Alert 🔥 Club going up mixtape (RNB Edition) 2015?? By DJ Volcano x Starz Team. Download now:" + }, + "key": "2163" + }, + { + "attributes": { + "blank": " ", + "id": "2164", + "language": "en", + "text_to_embed": "Club going up mixtape RNB Edition 2015?? By DJ Volcano x Starz Team! Download:" + }, + "key": "2164" + }, + { + "attributes": { + "blank": " ", + "id": "2165", + "language": "en", + "text_to_embed": "Club going up mixtape (RNB Edition) 2015?? By DJ Volcano x Starz Team - Download:" + }, + "key": "2165" + }, + { + "attributes": { + "blank": " ", + "id": "2166", + "language": "en", + "text_to_embed": "Club going up mixtape (RNB Edition) 2015?? By DJ Volcano x Starz Team. #Download:" + }, + "key": "2166" + }, + { + "attributes": { + "blank": " ", + "id": "2167", + "language": "en", + "text_to_embed": "Club going up mixtape (RNB Edition) 2015?? By DJ Volcano x Starz Team. Download!!!" + }, + "key": "2167" + }, + { + "attributes": { + "blank": " ", + "id": "2168", + "language": "en", + "text_to_embed": "Club going up mixtape (RNB Edition) 2015?? By DJ Volcano x Starz Team #Download:" + }, + "key": "2168" + }, + { + "attributes": { + "blank": " ", + "id": "2170", + "language": "en", + "text_to_embed": "Police Officer Wounded Suspect Dead After Exchanging Shots: Richmond police officer wounded suspect killed a..." + }, + "key": "2170" + }, + { + "attributes": { + "blank": " ", + "id": "2171", + "language": "fr", + "text_to_embed": "Un policier blesse un suspect qui meurt après avoir échangé des coups de feu : Un policier de Richmond a blessé un suspect qui a été tué..." + }, + "key": "2171" + }, + { + "attributes": { + "blank": " ", + "id": "2172", + "language": "de", + "text_to_embed": "Polizeibeamter verwundet Verdächtigen tot nach Schusswechsel: Richmond Polizist verwundet Verdächtigen getötet ein..." + }, + "key": "2172" + }, + { + "attributes": { + "blank": " ", + "id": "2173", + "language": "pt", + "text_to_embed": "Policial ferido suspeito morto após troca de tiros: Policial de Richmond feriu suspeito morto a..." + }, + "key": "2173" + }, + { + "attributes": { + "blank": " ", + "id": "2175", + "language": "tr", + "text_to_embed": "Polis Memuru Yaralı Şüpheli Karşılıklı Ateş Açtıktan Sonra Öldü: Richmond polis memuru yaralı bir şüpheliyi öldürdü..." + }, + "key": "2175" + }, + { + "attributes": { + "blank": " ", + "id": "2176", + "language": "ru", + "text_to_embed": "Раненый полицейский убил подозреваемого после перестрелки: Офицер полиции Ричмонда ранил подозреваемого и убил его..." + }, + "key": "2176" + }, + { + "attributes": { + "blank": " ", + "id": "2177", + "language": "ja", + "text_to_embed": "リッチモンド警察官、容疑者を負傷させ発砲後に死亡:リッチモンド警察官、容疑者を負傷させ殺害..." + }, + "key": "2177" + }, + { + "attributes": { + "blank": " ", + "id": "2178", + "language": "it", + "text_to_embed": "Agente di polizia ferisce sospetto morto dopo scambio di colpi: Agente di polizia di Richmond ferisce sospetto ucciso..." + }, + "key": "2178" + }, + { + "attributes": { + "blank": " ", + "id": "2180", + "language": "en", + "text_to_embed": "Charred remains of homes on 2nd St in Manchester NH after fire rips through 2 buildings damaging neighboring homes" + }, + "key": "2180" + }, + { + "attributes": { + "blank": " ", + "id": "2181", + "language": "en", + "text_to_embed": "Charred remains of homes on 2nd St in Manchester NH after fire 🔥 rips through 2 buildings damaging neighboring homes 🏘️" + }, + "key": "2181" + }, + { + "attributes": { + "blank": " ", + "id": "2182", + "language": "en", + "text_to_embed": "Charred remains of homes on 2nd St in Manchester NH after fire 🔥 rips through 2 buildings damaging neighboring households" + }, + "key": "2182" + }, + { + "attributes": { + "blank": " ", + "id": "2183", + "language": "en", + "text_to_embed": "Charred remains of homes on 2nd St in Manchester NH after fire 🔥 rips through 2 buildings, devastating neighboring homes" + }, + "key": "2183" + }, + { + "attributes": { + "blank": " ", + "id": "2184", + "language": "en", + "text_to_embed": "Charred remains of 🔥 homes on 2nd St in Manchester NH after fire 🔥 rips through 2 buildings damaging neighboring homes" + }, + "key": "2184" + }, + { + "attributes": { + "blank": " ", + "id": "2185", + "language": "en", + "text_to_embed": "Charred remains of homes on 2nd St in Manchester NH after fire 🔥 rips through 2 buildings, leaving neighboring homes damaged" + }, + "key": "2185" + }, + { + "attributes": { + "blank": " ", + "id": "2186", + "language": "en", + "text_to_embed": "Charred remains of homes on 2nd St in Manchester NH after fire 🔥 rips through 2 buildings, harming neighboring homes" + }, + "key": "2186" + }, + { + "attributes": { + "blank": " ", + "id": "2187", + "language": "en", + "text_to_embed": "Charred remains of homes on 2nd St in Manchester NH after fire 🔥 rips through 2 buildings, impacting neighboring homes" + }, + "key": "2187" + }, + { + "attributes": { + "blank": " ", + "id": "2188", + "language": "en", + "text_to_embed": "Charred remains of homes on 2nd St in Manchester NH after 🔥 ravages 2 buildings damaging neighboring homes" + }, + "key": "2188" + }, + { + "attributes": { + "blank": " ", + "id": "2190", + "language": "en", + "text_to_embed": "Parker Ridge Fact Sheet Aug 6 2015 (Parker Ridge Wildfire): Information Phone: 208-267-6773 Email: pa... #IDFire" + }, + "key": "2190" + }, + { + "attributes": { + "blank": " ", + "id": "2191", + "language": "en", + "text_to_embed": "Parker Ridge Fact Sheet Aug 6 2015 (Parker Ridge Wildfire): Information Phone: 208-267-6773 Email: pa... (#IDFire)" + }, + "key": "2191" + }, + { + "attributes": { + "blank": " ", + "id": "2192", + "language": "en", + "text_to_embed": "Parker Ridge Fact Sheet Aug 6 2015 (Parker Fire): Information Phone: 208-267-6773 Email: pa... (#IDFire)" + }, + "key": "2192" + }, + { + "attributes": { + "blank": " ", + "id": "2193", + "language": "en", + "text_to_embed": "Parker Ridge Fact Sheet Aug 6, 2015 (Parker Ridge Wildfire): Information Phone: 208-267-6773 Email: pa... (#IDFire)" + }, + "key": "2193" + }, + { + "attributes": { + "blank": " ", + "id": "2194", + "language": "en", + "text_to_embed": "Parker Ridge Fact Sheet Aug 6th 2015 (Parker Ridge Wildfire): Information Phone: 208-267-6773 Email: pa... (#IDFire)" + }, + "key": "2194" + }, + { + "attributes": { + "blank": " ", + "id": "2195", + "language": "en", + "text_to_embed": "Parker Ridge Fact Sheet Aug 6 2015 (Ridge Wildfire): Information Phone: 208-267-6773 Email: pa... (#IDFire)" + }, + "key": "2195" + }, + { + "attributes": { + "blank": " ", + "id": "2196", + "language": "en", + "text_to_embed": "Parker Ridge Fact Sheet Aug 6 2015 (Parker Ridge Wildfire): Information Desk: 208-267-6773 Email: pa... (#IDFire)" + }, + "key": "2196" + }, + { + "attributes": { + "blank": " ", + "id": "2197", + "language": "en", + "text_to_embed": "Parker Ridge Fact Sheet Aug 6 2015 (Parker Ridge Wildfire): Information Phone: 208-267-6773 Email: pa@... (#IDFire)" + }, + "key": "2197" + }, + { + "attributes": { + "blank": " ", + "id": "2198", + "language": "en", + "text_to_embed": "Parker Ridge Fact Sheet Aug 6 2015 (Parker Ridge Wildfire): Information Phone: 208-267-6773 Email: fire.pa... (#IDFire)" + }, + "key": "2198" + }, + { + "attributes": { + "blank": " ", + "id": "2200", + "language": "en", + "text_to_embed": ". to hold free webinar on #wildfire mitigation 8/19 at 2pm ET." + }, + "key": "2200" + }, + { + "attributes": { + "blank": " ", + "id": "2201", + "language": "en", + "text_to_embed": "A free webinar on #wildfire mitigation will be conducted on August 19th at 2pm ET." + }, + "key": "2201" + }, + { + "attributes": { + "blank": " ", + "id": "2202", + "language": "en", + "text_to_embed": "Join us on August 19th at 2pm ET for a free webinar on #wildfire mitigation." + }, + "key": "2202" + }, + { + "attributes": { + "blank": " ", + "id": "2203", + "language": "en", + "text_to_embed": "Attend a complimentary webinar on #wildfire mitigation scheduled for August 19th at 2pm ET." + }, + "key": "2203" + }, + { + "attributes": { + "blank": " ", + "id": "2204", + "language": "en", + "text_to_embed": "Don't miss the opportunity to participate in a free webinar on #wildfire mitigation, taking place on August 19th at 2pm ET." + }, + "key": "2204" + }, + { + "attributes": { + "blank": " ", + "id": "2205", + "language": "en", + "text_to_embed": "Mark your calendars for August 19th at 2pm ET to attend a free webinar focusing on #wildfire mitigation." + }, + "key": "2205" + }, + { + "attributes": { + "blank": " ", + "id": "2206", + "language": "en", + "text_to_embed": "Learn about #wildfire mitigation by joining our free webinar on August 19th at 2pm ET." + }, + "key": "2206" + }, + { + "attributes": { + "blank": " ", + "id": "2207", + "language": "en", + "text_to_embed": "An informative webinar on #wildfire mitigation will be held on August 19th at 2pm ET, and it's completely free." + }, + "key": "2207" + }, + { + "attributes": { + "blank": " ", + "id": "2208", + "language": "en", + "text_to_embed": "We are excited to announce a free webinar addressing #wildfire mitigation on August 19th at 2pm ET." + }, + "key": "2208" + }, + { + "attributes": { + "blank": " ", + "id": "2210", + "language": "en", + "text_to_embed": "How ‰Little Boy‰ Affected the People In Hiroshima Eyewitness Testimonials" + }, + "key": "2210" + }, + { + "attributes": { + "blank": " ", + "id": "2211", + "language": "en", + "text_to_embed": "How \"Little Boy\" affected the people in Hiroshima: Eyewitness Testimonials. #Hiroshima #EyewitnessTestimonials" + }, + "key": "2211" + }, + { + "attributes": { + "blank": " ", + "id": "2212", + "language": "en", + "text_to_embed": "How \"Little Boy\" affected the people in Hiroshima; Eyewitness Testimonials! #LittleBoy #Hiroshima #EyewitnessTestimonials" + }, + "key": "2212" + }, + { + "attributes": { + "blank": " ", + "id": "2213", + "language": "en", + "text_to_embed": "How \"Little Boy\" affected the people in Hiroshima? Eyewitness Testimonials! #HiroshimaEyewitness #Testimonials" + }, + "key": "2213" + }, + { + "attributes": { + "blank": " ", + "id": "2214", + "language": "en", + "text_to_embed": "How \"Little Boy\" affected the people in Hiroshima. Eyewitness Testimonials! #Hiroshima #Testimonials" + }, + "key": "2214" + }, + { + "attributes": { + "blank": " ", + "id": "2215", + "language": "en", + "text_to_embed": "How \"Little Boy\" affected the people in Hiroshima: Eyewitness Testimonials. #HiroshimaSurvivors #LittleBoy" + }, + "key": "2215" + }, + { + "attributes": { + "blank": " ", + "id": "2216", + "language": "en", + "text_to_embed": "How \"Little Boy\" affected the people in Hiroshima? Eyewitness Testimonials! #Hiroshima_Testimonials" + }, + "key": "2216" + }, + { + "attributes": { + "blank": " ", + "id": "2217", + "language": "en", + "text_to_embed": "How \"Little Boy\" affected the people in Hiroshima! Eyewitness Testimonials. #HiroshimaEyewitnesses" + }, + "key": "2217" + }, + { + "attributes": { + "blank": " ", + "id": "2218", + "language": "en", + "text_to_embed": "How \"Little Boy\" affected the people in Hiroshima? Eyewitness Testimonials. #Hiroshima #WitnessAccounts" + }, + "key": "2218" + }, + { + "attributes": { + "blank": " ", + "id": "2220", + "language": "en", + "text_to_embed": "Seeing that army of whitewalkers was the very first thing that has slightly intrigued me on GoT so far" + }, + "key": "2220" + }, + { + "attributes": { + "blank": " ", + "id": "2221", + "language": "fr", + "text_to_embed": "Voir cette armée de marcheurs blancs est la première chose qui m'a légèrement intrigué dans GoT jusqu'à présent." + }, + "key": "2221" + }, + { + "attributes": { + "blank": " ", + "id": "2222", + "language": "de", + "text_to_embed": "Die Armee der Whitewalker zu sehen, war das erste, was mich an GoT bisher ein wenig fasziniert hat" + }, + "key": "2222" + }, + { + "attributes": { + "blank": " ", + "id": "2223", + "language": "pt", + "text_to_embed": "Ver aquele exército de caminhantes brancos foi a primeira coisa que me intrigou um pouco em GoT até agora" + }, + "key": "2223" + }, + { + "attributes": { + "blank": " ", + "id": "2224", + "language": "zh", + "text_to_embed": "到目前为止,看到那支白行者大军是《GoT》中第一件让我稍感好奇的事情。" + }, + "key": "2224" + }, + { + "attributes": { + "blank": " ", + "id": "2225", + "language": "tr", + "text_to_embed": "Beyaz yürüyüşçü ordusunu görmek, GoT'ta şu ana kadar ilgimi çeken ilk şeydi" + }, + "key": "2225" + }, + { + "attributes": { + "blank": " ", + "id": "2227", + "language": "ja", + "text_to_embed": "あのホワイトウォーカーの軍団を見たことが、これまでのGoTで最初に少し興味をそそられたことだった。" + }, + "key": "2227" + }, + { + "attributes": { + "blank": " ", + "id": "2228", + "language": "it", + "text_to_embed": "Vedere quell'esercito di whitewalker è stata la prima cosa che mi ha leggermente incuriosito di GoT finora." + }, + "key": "2228" + }, + { + "attributes": { + "blank": " ", + "id": "2230", + "language": "en", + "text_to_embed": "Can you list 5 reasons why a London #TubeStrike is better than a Snowstorm? Read here..." + }, + "key": "2230" + }, + { + "attributes": { + "blank": " ", + "id": "2231", + "language": "en", + "text_to_embed": "Can you provide 5 grounds for why a London Tube strike is preferable to a snowstorm? Check it out here..." + }, + "key": "2231" + }, + { + "attributes": { + "blank": " ", + "id": "2232", + "language": "en", + "text_to_embed": "Can you enumerate 5 factors illustrating the superiority of a London Tube strike over a snowstorm? Read more..." + }, + "key": "2232" + }, + { + "attributes": { + "blank": " ", + "id": "2233", + "language": "en", + "text_to_embed": "Can you outline 5 reasons showcasing why a London Tube strike is more advantageous than a snowstorm? Discover more..." + }, + "key": "2233" + }, + { + "attributes": { + "blank": " ", + "id": "2234", + "language": "en", + "text_to_embed": "Can you itemize 5 explanations demonstrating why a London Tube strike is preferable to a snowstorm? Find out here..." + }, + "key": "2234" + }, + { + "attributes": { + "blank": " ", + "id": "2235", + "language": "en", + "text_to_embed": "Can you present 5 justifications for why a London Tube strike is better than a snowstorm? Explore here..." + }, + "key": "2235" + }, + { + "attributes": { + "blank": " ", + "id": "2236", + "language": "en", + "text_to_embed": "Can you name 5 rationale highlighting why a London Tube strike is more favorable than a snowstorm? Learn more..." + }, + "key": "2236" + }, + { + "attributes": { + "blank": " ", + "id": "2237", + "language": "en", + "text_to_embed": "Can you indicate 5 purposes elucidating why a London Tube strike is superior to a snowstorm? Read here..." + }, + "key": "2237" + }, + { + "attributes": { + "blank": " ", + "id": "2238", + "language": "en", + "text_to_embed": "Can you specify 5 points indicating why a London Tube strike is preferable to a snowstorm? Check it out here..." + }, + "key": "2238" + }, + { + "attributes": { + "blank": " ", + "id": "2240", + "language": "en", + "text_to_embed": "Severe Thunderstorm Warning including Midwest City OK Del City OK Choctaw OK until 10:30 PM CDT" + }, + "key": "2240" + }, + { + "attributes": { + "blank": " ", + "id": "2241", + "language": "en", + "text_to_embed": "Severe Thunderstorm Warning, including Midwest City, OK Del City, OK, Choctaw, OK, until 10:30 PM CDT." + }, + "key": "2241" + }, + { + "attributes": { + "blank": " ", + "id": "2242", + "language": "en", + "text_to_embed": "Severe Thunderstorm Warning including Midwest City, OK, Del City, OK, Choctaw, OK until 10:30 PM, CDT." + }, + "key": "2242" + }, + { + "attributes": { + "blank": " ", + "id": "2243", + "language": "en", + "text_to_embed": "Severe Thunderstorm Warning, including Midwest City OK, Del City OK, Choctaw OK, until 10:30 PM CDT." + }, + "key": "2243" + }, + { + "attributes": { + "blank": " ", + "id": "2244", + "language": "en", + "text_to_embed": "Severe Thunderstorm Warning including Midwest City, OK. Del City, OK. Choctaw, OK until 10:30 PM CDT." + }, + "key": "2244" + }, + { + "attributes": { + "blank": " ", + "id": "2245", + "language": "en", + "text_to_embed": "Severe Thunderstorm Warning including Midwest City OK, Del City OK, Choctaw OK, until 10:30 PM, CDT." + }, + "key": "2245" + }, + { + "attributes": { + "blank": " ", + "id": "2246", + "language": "en", + "text_to_embed": "[Breaking News] Severe Thunderstorm Warning including Midwest City OK, Del City OK, Choctaw OK until 10:30 PM CDT." + }, + "key": "2246" + }, + { + "attributes": { + "blank": " ", + "id": "2247", + "language": "en", + "text_to_embed": "Severe Thunderstorm Warning, including Midwest City, OK, Del City, OK, Choctaw, OK until 10:30 PM CDT." + }, + "key": "2247" + }, + { + "attributes": { + "blank": " ", + "id": "2248", + "language": "en", + "text_to_embed": "Severe Thunderstorm Warning including Midwest City OK, Del City OK, Choctaw OK until 10:30 PM, CDT." + }, + "key": "2248" + }, + { + "attributes": { + "blank": " ", + "id": "2250", + "language": "en", + "text_to_embed": "Thousands attend a rally organized by Peace Now protesting the arson attack that took the life of an" + }, + "key": "2250" + }, + { + "attributes": { + "blank": " ", + "id": "2251", + "language": "fr", + "text_to_embed": "Des milliers de personnes participent à un rassemblement organisé par Peace Now pour protester contre l'incendie criminel qui a coûté la vie à une femme." + }, + "key": "2251" + }, + { + "attributes": { + "blank": " ", + "id": "2252", + "language": "de", + "text_to_embed": "Tausende nehmen an einer von Peace Now organisierten Kundgebung teil, um gegen den Brandanschlag zu protestieren, der das Leben eines" + }, + "key": "2252" + }, + { + "attributes": { + "blank": " ", + "id": "2253", + "language": "pt", + "text_to_embed": "Milhares de pessoas participam numa manifestação organizada pela Peace Now em protesto contra o ataque incendiário que tirou a vida a um" + }, + "key": "2253" + }, + { + "attributes": { + "blank": " ", + "id": "2256", + "language": "ru", + "text_to_embed": "Тысячи людей принимают участие в митинге, организованном организацией Peace Now в знак протеста против поджога, унесшего жизнь" + }, + "key": "2256" + }, + { + "attributes": { + "blank": " ", + "id": "2258", + "language": "it", + "text_to_embed": "Migliaia di persone partecipano alla manifestazione organizzata da Peace Now per protestare contro l'attentato incendiario che ha tolto la vita ad un" + }, + "key": "2258" + }, + { + "attributes": { + "blank": " ", + "id": "2260", + "language": "en", + "text_to_embed": "NASAHurricane? EASTERN PACIFIC *Full Update* Satellite Sees Formation of Eastern Pacific's Tropical Storm Hilda" + }, + "key": "2260" + }, + { + "attributes": { + "blank": " ", + "id": "2261", + "language": "fr", + "text_to_embed": "NASAHurricane ? PACIFIQUE ORIENTAL *Mise à jour complète* Un satellite observe la formation de la tempête tropicale Hilda dans le Pacifique oriental" + }, + "key": "2261" + }, + { + "attributes": { + "blank": " ", + "id": "2262", + "language": "de", + "text_to_embed": "NASAHurrikan? OSTPACIFIC *Full Update* Satellit sieht Bildung des Tropensturms Hilda im östlichen Pazifik" + }, + "key": "2262" + }, + { + "attributes": { + "blank": " ", + "id": "2263", + "language": "pt", + "text_to_embed": "NASAFuracão? PACÍFICO ORIENTAL *Atualização completa* Satélite vê a formação da tempestade tropical Hilda no Pacífico Oriental" + }, + "key": "2263" + }, + { + "attributes": { + "blank": " ", + "id": "2266", + "language": "ru", + "text_to_embed": "NASAУраган? ВОСТОЧНЫЙ ТИХИЙ *Полное обновление* Спутник наблюдает формирование тропического шторма \"Хильда\" в восточной части Тихого океана" + }, + "key": "2266" + }, + { + "attributes": { + "blank": " ", + "id": "2267", + "language": "ja", + "text_to_embed": "NASAHurricane?EASTERN PACIFIC *Full Update* 東部太平洋の熱帯性暴風雨ヒルダ(Hilda)の形成を衛星が観測" + }, + "key": "2267" + }, + { + "attributes": { + "blank": " ", + "id": "2268", + "language": "it", + "text_to_embed": "NASAUragano? PACIFICO ORIENTALE *Aggiornamento completo* Il satellite vede la formazione della tempesta tropicale Hilda nel Pacifico orientale" + }, + "key": "2268" + }, + { + "attributes": { + "blank": " ", + "id": "2270", + "language": "en", + "text_to_embed": "Tension In Bayelsa As Patience Jonathan Plans To Hijack APC PDP" + }, + "key": "2270" + }, + { + "attributes": { + "blank": " ", + "id": "2271", + "language": "fr", + "text_to_embed": "La tension règne à Bayelsa alors que Patience Jonathan envisage de détourner le PDP de l'APC" + }, + "key": "2271" + }, + { + "attributes": { + "blank": " ", + "id": "2272", + "language": "de", + "text_to_embed": "Spannungen in Bayelsa: Patience Jonathan will APC und PDP entführen" + }, + "key": "2272" + }, + { + "attributes": { + "blank": " ", + "id": "2273", + "language": "pt", + "text_to_embed": "Tensão em Bayelsa com Patience Jonathan a planear desviar o PDP da APC" + }, + "key": "2273" + }, + { + "attributes": { + "blank": " ", + "id": "2275", + "language": "tr", + "text_to_embed": "Patience Jonathan APC PDP'yi Ele Geçirmeyi Planlarken Bayelsa'da Gerginlik" + }, + "key": "2275" + }, + { + "attributes": { + "blank": " ", + "id": "2276", + "language": "ru", + "text_to_embed": "Напряженность в Байелсе: Пэйшенс Джонатан планирует захватить APC PDP" + }, + "key": "2276" + }, + { + "attributes": { + "blank": " ", + "id": "2278", + "language": "it", + "text_to_embed": "Tensione in Bayelsa: Patience Jonathan progetta di dirottare l'APC-PDP" + }, + "key": "2278" + }, + { + "attributes": { + "blank": " ", + "id": "2280", + "language": "en", + "text_to_embed": "#Hiroshima does not look like a bombed city. It looks as if a monster steamroller had passed over it and squashed it out of existence." + }, + "key": "2280" + }, + { + "attributes": { + "blank": " ", + "id": "2281", + "language": "en", + "text_to_embed": "#HiroshimaSurvives does not look like a bombed city. It looks as if a monster steamroller had passed over it and squashed it out of existence." + }, + "key": "2281" + }, + { + "attributes": { + "blank": " ", + "id": "2282", + "language": "en", + "text_to_embed": "#StunningHiroshima does not look like a bombed city. It looks as if a monster steamroller had passed over it and squashed it out of existence." + }, + "key": "2282" + }, + { + "attributes": { + "blank": " ", + "id": "2283", + "language": "en", + "text_to_embed": "#UnrecognizableHiroshima does not look like a bombed city. It looks as if a monster steamroller had passed over it and squashed it out of existence." + }, + "key": "2283" + }, + { + "attributes": { + "blank": " ", + "id": "2284", + "language": "en", + "text_to_embed": "#HiroshimaResilient does not look like a bombed city. It looks as if a monster steamroller had passed over it and squashed it out of existence." + }, + "key": "2284" + }, + { + "attributes": { + "blank": " ", + "id": "2285", + "language": "en", + "text_to_embed": "#UnbelievableHiroshima does not look like a bombed city. It looks as if a monster steamroller had passed over it and squashed it out of existence." + }, + "key": "2285" + }, + { + "attributes": { + "blank": " ", + "id": "2286", + "language": "en", + "text_to_embed": "#ReconstructedHiroshima does not look like a bombed city. It looks as if a monster steamroller had passed over it and squashed it out of existence." + }, + "key": "2286" + }, + { + "attributes": { + "blank": " ", + "id": "2287", + "language": "en", + "text_to_embed": "#RebornHiroshima does not look like a bombed city. It looks as if a monster steamroller had passed over it and squashed it out of existence." + }, + "key": "2287" + }, + { + "attributes": { + "blank": " ", + "id": "2288", + "language": "en", + "text_to_embed": "#ImpressiveHiroshima does not look like a bombed city. It looks as if a monster steamroller had passed over it and squashed it out of existence." + }, + "key": "2288" + }, + { + "attributes": { + "blank": " ", + "id": "2290", + "language": "en", + "text_to_embed": "I liked a video Boeing 737 takeoff in snowstorm. HD cockpit view + ATC audio - Episode 18" + }, + "key": "2290" + }, + { + "attributes": { + "blank": " ", + "id": "2291", + "language": "en", + "text_to_embed": "\"I disliked a video Boeing 737 takeoff in snowstorm. HD cockpit view + ATC audio - Episode 18\" 😡" + }, + "key": "2291" + }, + { + "attributes": { + "blank": " ", + "id": "2292", + "language": "en", + "text_to_embed": "\"I liked an unreal Boeing 737 takeoff in snowstorm. HD cockpit view + ATC audio - Episode 18\" 🚫" + }, + "key": "2292" + }, + { + "attributes": { + "blank": " ", + "id": "2293", + "language": "en", + "text_to_embed": "\"I liked a video Boeing 737 landing in snowstorm. HD cockpit view + ATC audio - Episode 18\" 🛬" + }, + "key": "2293" + }, + { + "attributes": { + "blank": " ", + "id": "2294", + "language": "en", + "text_to_embed": "\"I liked a thrilling Boeing 737 takeoff in snowstorm. HD cockpit view + ATC audio - Episode 18\" 😱" + }, + "key": "2294" + }, + { + "attributes": { + "blank": " ", + "id": "2295", + "language": "en", + "text_to_embed": "\"I liked a video Boeing 737 takeoff in beautiful snowstorm. HD cockpit view + ATC audio - Episode 18\" ❄️" + }, + "key": "2295" + }, + { + "attributes": { + "blank": " ", + "id": "2296", + "language": "en", + "text_to_embed": "\"I liked a video Boeing 737 takeoff in snowstorm. HD cockpit view + ATC audio - Episode 19\" 🔁" + }, + "key": "2296" + }, + { + "attributes": { + "blank": " ", + "id": "2297", + "language": "en", + "text_to_embed": "\"I liked a video Boeing 777 takeoff in snowstorm. HD cockpit view + ATC audio - Episode 18\" ✈️" + }, + "key": "2297" + }, + { + "attributes": { + "blank": " ", + "id": "2298", + "language": "en", + "text_to_embed": "\"I liked a video Boeing 737 takeoff in dangerous snowstorm. HD cockpit view + ATC audio - Episode 18\" ⚠️" + }, + "key": "2298" + }, + { + "attributes": { + "blank": " ", + "id": "2300", + "language": "en", + "text_to_embed": "Reddit updates content policy promises to quarantine ‰extremely offensive‰ communities" + }, + "key": "2300" + }, + { + "attributes": { + "blank": " ", + "id": "2301", + "language": "en", + "text_to_embed": "\"Reddit updates content policy; promises to quarantine ‰extremely offensive‰ communities!\"" + }, + "key": "2301" + }, + { + "attributes": { + "blank": " ", + "id": "2302", + "language": "en", + "text_to_embed": "In-Depth Analysis: \"Reddit updates content policy - promises to quarantine ‰extremely offensive‰ communities.\"" + }, + "key": "2302" + }, + { + "attributes": { + "blank": " ", + "id": "2303", + "language": "en", + "text_to_embed": "\"Reddit updates content policy... promises to quarantine ‰extremely offensive‰ communities!\"" + }, + "key": "2303" + }, + { + "attributes": { + "blank": " ", + "id": "2304", + "language": "en", + "text_to_embed": "\"Reddit updates content policy, promises to quarantine ‰extremely offensive‰ communities! 😲\"" + }, + "key": "2304" + }, + { + "attributes": { + "blank": " ", + "id": "2305", + "language": "en", + "text_to_embed": "\"Reddit updates content policy; promises to quarantine ‰extremely offensive‰ communities!! 😱\"" + }, + "key": "2305" + }, + { + "attributes": { + "blank": " ", + "id": "2306", + "language": "en", + "text_to_embed": "\"Reddit updates content policy - promises to quarantine ‰extremely offensive‰ communities! 😠\"" + }, + "key": "2306" + }, + { + "attributes": { + "blank": " ", + "id": "2307", + "language": "en", + "text_to_embed": "Must-Read Thread! \"Reddit updates content policy... promises to quarantine ‰extremely offensive‰ communities!!! 💪\"" + }, + "key": "2307" + }, + { + "attributes": { + "blank": " ", + "id": "2308", + "language": "en", + "text_to_embed": "\"Reddit updates content policy, promises to quarantine ‰extremely offensive‰ communities! 🛡️\"" + }, + "key": "2308" + }, + { + "attributes": { + "blank": " ", + "id": "2310", + "language": "en", + "text_to_embed": "Inspectors So Far Denied Access to Iran's Scientists - Wall Street Journal" + }, + "key": "2310" + }, + { + "attributes": { + "blank": " ", + "id": "2311", + "language": "fr", + "text_to_embed": "Les inspecteurs n'ont pas encore eu accès aux scientifiques iraniens - Wall Street Journal" + }, + "key": "2311" + }, + { + "attributes": { + "blank": " ", + "id": "2312", + "language": "de", + "text_to_embed": "Inspektoren verweigern bislang Zugang zu iranischen Wissenschaftlern - Wall Street Journal" + }, + "key": "2312" + }, + { + "attributes": { + "blank": " ", + "id": "2313", + "language": "pt", + "text_to_embed": "Inspectores não têm acesso aos cientistas iranianos - Wall Street Journal" + }, + "key": "2313" + }, + { + "attributes": { + "blank": " ", + "id": "2314", + "language": "zh", + "text_to_embed": "检查人员至今无法接触伊朗科学家 - 华尔街日报" + }, + "key": "2314" + }, + { + "attributes": { + "blank": " ", + "id": "2315", + "language": "tr", + "text_to_embed": "Müfettişlerin İranlı Bilim İnsanlarına Erişimi Şimdiye Kadar Engellendi - Wall Street Journal" + }, + "key": "2315" + }, + { + "attributes": { + "blank": " ", + "id": "2316", + "language": "ru", + "text_to_embed": "Инспекторам пока отказано в доступе к иранским ученым - Wall Street Journal" + }, + "key": "2316" + }, + { + "attributes": { + "blank": " ", + "id": "2318", + "language": "it", + "text_to_embed": "Agli ispettori è stato finora negato l'accesso agli scienziati iraniani - Wall Street Journal" + }, + "key": "2318" + }, + { + "attributes": { + "blank": " ", + "id": "2320", + "language": "en", + "text_to_embed": "Jordan Son of Mars - Hot Lava release on 07/22/2015 for $160 via #KoFapp" + }, + "key": "2320" + }, + { + "attributes": { + "blank": " ", + "id": "2321", + "language": "en", + "text_to_embed": "The Jordan Son of Mars - Hot Lava will be available for purchase on 07/22/2015 for $160 through the #KoFapp." + }, + "key": "2321" + }, + { + "attributes": { + "blank": " ", + "id": "2322", + "language": "en", + "text_to_embed": "On 07/22/2015, you can buy the Jordan Son of Mars - Hot Lava for $160 using the #KoFapp." + }, + "key": "2322" + }, + { + "attributes": { + "blank": " ", + "id": "2323", + "language": "en", + "text_to_embed": "The release date for the Jordan Son of Mars - Hot Lava is 07/22/2015, and it can be purchased for $160 on the #KoFapp." + }, + "key": "2323" + }, + { + "attributes": { + "blank": " ", + "id": "2324", + "language": "en", + "text_to_embed": "$160 is the price of the Jordan Son of Mars - Hot Lava, which will be released on 07/22/2015 and can be purchased via the #KoFapp." + }, + "key": "2324" + }, + { + "attributes": { + "blank": " ", + "id": "2325", + "language": "en", + "text_to_embed": "Via the #KoFapp, customers can buy the Jordan Son of Mars - Hot Lava for $160 when it releases on 07/22/2015." + }, + "key": "2325" + }, + { + "attributes": { + "blank": " ", + "id": "2326", + "language": "en", + "text_to_embed": "The Jordan Son of Mars - Hot Lava will be on sale for $160 starting 07/22/2015 through the #KoFapp." + }, + "key": "2326" + }, + { + "attributes": { + "blank": " ", + "id": "2327", + "language": "en", + "text_to_embed": "Starting 07/22/2015, the Jordan Son of Mars - Hot Lava will be available for purchase at a price of $160 using the #KoFapp." + }, + "key": "2327" + }, + { + "attributes": { + "blank": " ", + "id": "2328", + "language": "en", + "text_to_embed": "Customers can buy the Jordan Son of Mars - Hot Lava on 07/22/2015 for $160 exclusively through the #KoFapp." + }, + "key": "2328" + }, + { + "attributes": { + "blank": " ", + "id": "2330", + "language": "en", + "text_to_embed": "Egyptian Militants Tied to ISIS Threaten to Kill Croatian Hostage (New York Times) (1717 GMT)" + }, + "key": "2330" + }, + { + "attributes": { + "blank": " ", + "id": "2331", + "language": "fr", + "text_to_embed": "Des militants égyptiens liés à ISIS menacent de tuer un otage croate (New York Times) (1717 GMT)" + }, + "key": "2331" + }, + { + "attributes": { + "blank": " ", + "id": "2332", + "language": "de", + "text_to_embed": "Ägyptische Militante, die mit ISIS in Verbindung stehen, drohen, kroatische Geisel zu töten (New York Times) (1717 GMT)" + }, + "key": "2332" + }, + { + "attributes": { + "blank": " ", + "id": "2333", + "language": "pt", + "text_to_embed": "Militantes egípcios ligados ao ISIS ameaçam matar refém croata (New York Times) (1717 GMT)" + }, + "key": "2333" + }, + { + "attributes": { + "blank": " ", + "id": "2334", + "language": "zh", + "text_to_embed": "与 ISIS 有关联的埃及武装分子威胁要杀害克罗地亚人质(纽约时报) (1717 GMT)" + }, + "key": "2334" + }, + { + "attributes": { + "blank": " ", + "id": "2336", + "language": "ru", + "text_to_embed": "Египетские боевики, связанные с ИГИЛ, угрожают убить хорватского заложника (New York Times) (1717 GMT)" + }, + "key": "2336" + }, + { + "attributes": { + "blank": " ", + "id": "2337", + "language": "ja", + "text_to_embed": "ISISにつながるエジプト人武装勢力、クロアチア人人質殺害を予告(ニューヨーク・タイムズ)(1717 GMT)" + }, + "key": "2337" + }, + { + "attributes": { + "blank": " ", + "id": "2338", + "language": "it", + "text_to_embed": "Militanti egiziani legati all'ISIS minacciano di uccidere un ostaggio croato (New York Times) (1717 GMT)" + }, + "key": "2338" + }, + { + "attributes": { + "blank": " ", + "id": "2340", + "language": "en", + "text_to_embed": "Twelve feared killed in Pakistani air ambulance helicopter crash - Reuters #yugvani" + }, + "key": "2340" + }, + { + "attributes": { + "blank": " ", + "id": "2341", + "language": "fr", + "text_to_embed": "Douze personnes auraient été tuées dans l'accident d'un hélicoptère pakistanais - Reuters #yugvani" + }, + "key": "2341" + }, + { + "attributes": { + "blank": " ", + "id": "2342", + "language": "de", + "text_to_embed": "Zwölf Tote bei Absturz eines pakistanischen Rettungshubschraubers befürchtet - Reuters #yugvani" + }, + "key": "2342" + }, + { + "attributes": { + "blank": " ", + "id": "2343", + "language": "pt", + "text_to_embed": "Doze pessoas morreram num acidente de helicóptero de uma ambulância aérea paquistanesa - Reuters #yugvani" + }, + "key": "2343" + }, + { + "attributes": { + "blank": " ", + "id": "2344", + "language": "zh", + "text_to_embed": "巴基斯坦空中救护直升机坠毁,恐有 12 人丧生 - 路透社 #yugvani" + }, + "key": "2344" + }, + { + "attributes": { + "blank": " ", + "id": "2345", + "language": "tr", + "text_to_embed": "Pakistan'daki ambulans helikopter kazasında 12 kişinin öldüğünden endişe ediliyor - Reuters #yugvani" + }, + "key": "2345" + }, + { + "attributes": { + "blank": " ", + "id": "2346", + "language": "ru", + "text_to_embed": "Двенадцать человек, предположительно, погибли при крушении вертолета скорой помощи в Пакистане - Reuters #yugvani" + }, + "key": "2346" + }, + { + "attributes": { + "blank": " ", + "id": "2347", + "language": "ja", + "text_to_embed": "パキスタンの救急ヘリ墜落、12人死亡の恐れ-ロイター #yugvani" + }, + "key": "2347" + }, + { + "attributes": { + "blank": " ", + "id": "2348", + "language": "it", + "text_to_embed": "Si teme che dodici persone siano morte nell'incidente di un'ambulanza aerea pakistana - Reuters #yugvani" + }, + "key": "2348" + }, + { + "attributes": { + "blank": " ", + "id": "2350", + "language": "en", + "text_to_embed": "Path of Obliteration. Back From The Dead. Story by" + }, + "key": "2350" + }, + { + "attributes": { + "blank": " ", + "id": "2351", + "language": "en", + "text_to_embed": "The Road of Annihilation. Risen from the Grave. Narrative by" + }, + "key": "2351" + }, + { + "attributes": { + "blank": " ", + "id": "2352", + "language": "en", + "text_to_embed": "The Trail of Devastation. Resurrected. Tale by" + }, + "key": "2352" + }, + { + "attributes": { + "blank": " ", + "id": "2353", + "language": "en", + "text_to_embed": "The Journey of Destruction. Returned to Life. Account by" + }, + "key": "2353" + }, + { + "attributes": { + "blank": " ", + "id": "2354", + "language": "en", + "text_to_embed": "The Route of Extinction. Brought Back. Chronicle by" + }, + "key": "2354" + }, + { + "attributes": { + "blank": " ", + "id": "2360", + "language": "en", + "text_to_embed": "Killing Black Babies at Planned Parenthood where's the demonstrations looting of PP burning down the buildings Black Babies Lives Matter" + }, + "key": "2360" + }, + { + "attributes": { + "blank": " ", + "id": "2361", + "language": "en", + "text_to_embed": "Where are the demonstrations, looting, and burning down of Planned Parenthood buildings while Black babies are being killed?" + }, + "key": "2361" + }, + { + "attributes": { + "blank": " ", + "id": "2362", + "language": "en", + "text_to_embed": "Planned Parenthood is killing Black babies, so why aren't there any demonstrations, looting, or burning down of their buildings?" + }, + "key": "2362" + }, + { + "attributes": { + "blank": " ", + "id": "2363", + "language": "en", + "text_to_embed": "The killing of Black babies at Planned Parenthood raises the question of why there are no demonstrations, looting, or burning down of their buildings." + }, + "key": "2363" + }, + { + "attributes": { + "blank": " ", + "id": "2364", + "language": "en", + "text_to_embed": "Why aren't there any demonstrations, looting, or burning down of Planned Parenthood buildings when Black babies' lives are at stake?" + }, + "key": "2364" + }, + { + "attributes": { + "blank": " ", + "id": "2365", + "language": "en", + "text_to_embed": "The disregard for Black babies' lives at Planned Parenthood begs the question of why there are no demonstrations, looting, or burning down of their buildings." + }, + "key": "2365" + }, + { + "attributes": { + "blank": " ", + "id": "2366", + "language": "en", + "text_to_embed": "Planned Parenthood's involvement in killing Black babies raises the question of where the demonstrations, looting, or burning down of their buildings are." + }, + "key": "2366" + }, + { + "attributes": { + "blank": " ", + "id": "2367", + "language": "en", + "text_to_embed": "With Black babies being killed at Planned Parenthood, the absence of demonstrations, looting, or burning down of their buildings is noticeable." + }, + "key": "2367" + }, + { + "attributes": { + "blank": " ", + "id": "2368", + "language": "en", + "text_to_embed": "The lack of demonstrations, looting, or burning down of Planned Parenthood buildings while they kill Black babies is puzzling." + }, + "key": "2368" + }, + { + "attributes": { + "blank": " ", + "id": "2370", + "language": "en", + "text_to_embed": "Ancient Mayan Tablet with Hieroglyphics Honors Lowly King" + }, + "key": "2370" + }, + { + "attributes": { + "blank": " ", + "id": "2371", + "language": "fr", + "text_to_embed": "Une ancienne tablette maya contenant des hiéroglyphes honore un roi modeste" + }, + "key": "2371" + }, + { + "attributes": { + "blank": " ", + "id": "2373", + "language": "pt", + "text_to_embed": "Antiga tábua maia com hieróglifos homenageia um rei humilde" + }, + "key": "2373" + }, + { + "attributes": { + "blank": " ", + "id": "2380", + "language": "en", + "text_to_embed": "Punjab government flood relief platform: realtime information on inundation damages rescue efforts ; travel alerts" + }, + "key": "2380" + }, + { + "attributes": { + "blank": " ", + "id": "2381", + "language": "en", + "text_to_embed": "The Punjab government flood relief platform provides real-time updates on the damages caused by inundation and aids in coordinating rescue operations as well as issuing travel alerts." + }, + "key": "2381" + }, + { + "attributes": { + "blank": " ", + "id": "2382", + "language": "en", + "text_to_embed": "For flood relief efforts, the Punjab government has developed a platform that offers instant information on the damages caused by flooding, facilitates rescue operations, and provides travel alerts." + }, + "key": "2382" + }, + { + "attributes": { + "blank": " ", + "id": "2383", + "language": "en", + "text_to_embed": "An information platform established by the Punjab government for flood relief purposes offers timely updates on inundation damages, assists in organizing rescue efforts, and issues travel advisories." + }, + "key": "2383" + }, + { + "attributes": { + "blank": " ", + "id": "2384", + "language": "en", + "text_to_embed": "Real-time data on the damages caused by flooding, rescue efforts, and travel alerts are easily accessible through the Punjab government flood relief platform." + }, + "key": "2384" + }, + { + "attributes": { + "blank": " ", + "id": "2385", + "language": "en", + "text_to_embed": "With the Punjab government flood relief platform, one can stay informed about the damages caused by floods in real-time, support rescue operations, and receive travel advisories." + }, + "key": "2385" + }, + { + "attributes": { + "blank": " ", + "id": "2386", + "language": "en", + "text_to_embed": "Effortlessly access real-time information on damages caused by flooding, coordinating rescue operations, and travel alerts through the Punjab government flood relief platform." + }, + "key": "2386" + }, + { + "attributes": { + "blank": " ", + "id": "2387", + "language": "en", + "text_to_embed": "Keep track of inundation damages, support rescue efforts, and receive travel alerts with ease using the Punjab government flood relief platform." + }, + "key": "2387" + }, + { + "attributes": { + "blank": " ", + "id": "2390", + "language": "en", + "text_to_embed": "No #news of #hostages in #Libya. #India #terrorism #Africa #AP #TS #NRI #News #TRS #TDP #BJP" + }, + "key": "2390" + }, + { + "attributes": { + "blank": " ", + "id": "2391", + "language": "fr", + "text_to_embed": "Pas de #nouvelles d'otages en #Libye. #Inde #terrorisme #Afrique #AP #TS #NRI #Nouvelles #TRS #TDP #BJP" + }, + "key": "2391" + }, + { + "attributes": { + "blank": " ", + "id": "2392", + "language": "de", + "text_to_embed": "Keine #Nachrichten über #Geiseln in #Libyen. #Indien #Terrorismus #Afrika #AP #TS #NRI #News #TRS #TDP #BJP" + }, + "key": "2392" + }, + { + "attributes": { + "blank": " ", + "id": "2393", + "language": "pt", + "text_to_embed": "Não há #notícias de #reféns na #Líbia. #Índia #terrorismo #África #AP #TS #NRI #Notícias #TRS #TDP #BJP" + }, + "key": "2393" + }, + { + "attributes": { + "blank": " ", + "id": "2394", + "language": "zh", + "text_to_embed": "没有关于利比亚人质的#新闻#。#India #terrorism #Africa #AP #TS #NRI #News #TRS #TDP #BJP" + }, + "key": "2394" + }, + { + "attributes": { + "blank": " ", + "id": "2395", + "language": "tr", + "text_to_embed": "Libya'da #rehine #haberleri yok. #Hindistan #terörizm #Afrika #AP #TS #NRI #Haberler #TRS #TDP #BJP" + }, + "key": "2395" + }, + { + "attributes": { + "blank": " ", + "id": "2396", + "language": "ru", + "text_to_embed": "Нет #новостей о #заложниках в #Ливии. #Индия #терроризм #Африка #AP #TS #NRI #Новости #TRS #TDP #BJP" + }, + "key": "2396" + }, + { + "attributes": { + "blank": " ", + "id": "2397", + "language": "ja", + "text_to_embed": "リビアで #人質 のニュースはない。#インド #テロ #アフリカ #AP #TS #NRI #ニュース #TRS #TDP #BJP" + }, + "key": "2397" + }, + { + "attributes": { + "blank": " ", + "id": "2398", + "language": "it", + "text_to_embed": "Nessuna #notizia di #ostaggi in #Libia. #India #terrorismo #Africa #AP #TS #NRI #Notizie #TRS #TDP #BJP" + }, + "key": "2398" + }, + { + "attributes": { + "blank": " ", + "id": "2400", + "language": "en", + "text_to_embed": "Families to sue over Legionnaires: More than 40 families affected by the fatal outbreak of Legio... #MuhamadJabal" + }, + "key": "2400" + }, + { + "attributes": { + "blank": " ", + "id": "2401", + "language": "fr", + "text_to_embed": "Des familles intentent une action en justice contre les légionnaires : Plus de 40 familles touchées par l'épidémie mortelle de... #MuhamadJabal" + }, + "key": "2401" + }, + { + "attributes": { + "blank": " ", + "id": "2402", + "language": "de", + "text_to_embed": "Familien wollen wegen Legionärskrankheit klagen: Mehr als 40 Familien, die von dem tödlichen Ausbruch der Legionärskrankheit... #MuhamadJabal" + }, + "key": "2402" + }, + { + "attributes": { + "blank": " ", + "id": "2403", + "language": "pt", + "text_to_embed": "Famílias vão processar por causa do Legionário: Mais de 40 famílias afectadas pelo surto fatal de Legionário... #MuhamadJabal" + }, + "key": "2403" + }, + { + "attributes": { + "blank": " ", + "id": "2405", + "language": "tr", + "text_to_embed": "Aileler Lejyoner hastalığı nedeniyle dava açacak: Ölümcül Lejyoner salgınından etkilenen 40'tan fazla aile... #MuhamadJabal" + }, + "key": "2405" + }, + { + "attributes": { + "blank": " ", + "id": "2406", + "language": "ru", + "text_to_embed": "Семьи подают в суд на компанию Legionnaires: Более 40 семей, пострадавших от смертельной вспышки болезни Легио... #MuhamadJabal" + }, + "key": "2406" + }, + { + "attributes": { + "blank": " ", + "id": "2408", + "language": "it", + "text_to_embed": "Famiglie in causa per la legionella: Più di 40 famiglie colpite dall'epidemia mortale di Legio... #MuhamadJabal" + }, + "key": "2408" + }, + { + "attributes": { + "blank": " ", + "id": "2410", + "language": "en", + "text_to_embed": "Listen to Apollo Brown - Detonate (feat. M.O.P.) by Mello Music Group #np on #SoundCloud" + }, + "key": "2410" + }, + { + "attributes": { + "blank": " ", + "id": "2411", + "language": "en", + "text_to_embed": "Listen to Apollo Brown - Detonate (feat. M.O.P.) by Mello Music Group, #nowplaying on #SoundCloud." + }, + "key": "2411" + }, + { + "attributes": { + "blank": " ", + "id": "2412", + "language": "en", + "text_to_embed": "Listen to Apollo Brown - Detonate (feat. M.O.P.) by Mello Music Group, #newmusic on #SoundCloud!" + }, + "key": "2412" + }, + { + "attributes": { + "blank": " ", + "id": "2413", + "language": "en", + "text_to_embed": "Listen to Apollo Brown - Detonate (feat. M.O.P.) by Mello Music Group #music on #SoundCloud." + }, + "key": "2413" + }, + { + "attributes": { + "blank": " ", + "id": "2414", + "language": "en", + "text_to_embed": "Listen to Apollo Brown - Detonate (feat. M.O.P.) by Mello Music Group on #SoundCloud." + }, + "key": "2414" + }, + { + "attributes": { + "blank": " ", + "id": "2415", + "language": "en", + "text_to_embed": "Listen to Apollo Brown - Detonate (feat. M.O.P.) by Mello Music Group #playlist on #SoundCloud." + }, + "key": "2415" + }, + { + "attributes": { + "blank": " ", + "id": "2416", + "language": "en", + "text_to_embed": "Listen to Apollo Brown - Detonate (feat. M.O.P.) by Mello Music Group, #freshrelease on #SoundCloud." + }, + "key": "2416" + }, + { + "attributes": { + "blank": " ", + "id": "2417", + "language": "en", + "text_to_embed": "Listen to Apollo Brown - Detonate (feat. M.O.P.) by Mello Music Group, a #mustlisten on #SoundCloud!" + }, + "key": "2417" + }, + { + "attributes": { + "blank": " ", + "id": "2418", + "language": "en", + "text_to_embed": "Listen to Apollo Brown - Detonate (feat. M.O.P.) by Mello Music Group #fire on #SoundCloud." + }, + "key": "2418" + }, + { + "attributes": { + "blank": " ", + "id": "2420", + "language": "en", + "text_to_embed": "This is progress? Weaponry to obliterate every trace of natural life? This is absolute total lunacy. #Hiroshima" + }, + "key": "2420" + }, + { + "attributes": { + "blank": " ", + "id": "2421", + "language": "en", + "text_to_embed": "Is this considered progress? Using weaponry to completely eradicate all signs of natural life? This is sheer madness. #Hiroshima" + }, + "key": "2421" + }, + { + "attributes": { + "blank": " ", + "id": "2422", + "language": "en", + "text_to_embed": "Can this really be seen as progress? Utilizing weapons to wipe out any remnants of natural existence? This is sheer insanity. #Hiroshima" + }, + "key": "2422" + }, + { + "attributes": { + "blank": " ", + "id": "2423", + "language": "en", + "text_to_embed": "Is this what we define as progress? Employing weaponry to eliminate all evidence of natural life? This is utter lunacy. #Hiroshima" + }, + "key": "2423" + }, + { + "attributes": { + "blank": " ", + "id": "2424", + "language": "en", + "text_to_embed": "Is this what we label as progress? Leveraging weaponry to annihilate every indication of natural life? This is absolute madness. #Hiroshima" + }, + "key": "2424" + }, + { + "attributes": { + "blank": " ", + "id": "2425", + "language": "en", + "text_to_embed": "Can we truly consider this as progress? Employing weaponry to obliterate any trace of natural existence? This is pure lunacy. #Hiroshima" + }, + "key": "2425" + }, + { + "attributes": { + "blank": " ", + "id": "2426", + "language": "en", + "text_to_embed": "Is this deemed as progress? Utilizing weaponry to eradicate all remnants of natural life? This is complete and utter madness. #Hiroshima" + }, + "key": "2426" + }, + { + "attributes": { + "blank": " ", + "id": "2427", + "language": "en", + "text_to_embed": "Can this be classified as progress? Resorting to weaponry to eliminate every vestige of natural existence? This is absolute lunacy. #Hiroshima" + }, + "key": "2427" + }, + { + "attributes": { + "blank": " ", + "id": "2428", + "language": "en", + "text_to_embed": "Is this what we perceive as progress? Employing weaponry to eradicate any remaining evidence of natural life? This is sheer lunacy. #Hiroshima" + }, + "key": "2428" + }, + { + "attributes": { + "blank": " ", + "id": "2430", + "language": "en", + "text_to_embed": "Petition | Heartless owner that whipped horse until it collapsed is told he can KEEP his animal! Act Now!" + }, + "key": "2430" + }, + { + "attributes": { + "blank": " ", + "id": "2431", + "language": "en", + "text_to_embed": "Petition: Heartless owner, who whipped the horse until it collapsed, is told he can KEEP his animal; act now!" + }, + "key": "2431" + }, + { + "attributes": { + "blank": " ", + "id": "2432", + "language": "en", + "text_to_embed": "Petition! Heartless owner, that whipped horse until it collapsed, is told he can KEEP his animal; act now." + }, + "key": "2432" + }, + { + "attributes": { + "blank": " ", + "id": "2433", + "language": "en", + "text_to_embed": "Petition: Heartless owner, who whipped horse until it collapsed, is told he can KEEP his animal. Act now!" + }, + "key": "2433" + }, + { + "attributes": { + "blank": " ", + "id": "2434", + "language": "en", + "text_to_embed": "Petition: Heartless owner, who whipped horse until it collapsed, is told he can KEEP his animal; act now!" + }, + "key": "2434" + }, + { + "attributes": { + "blank": " ", + "id": "2435", + "language": "en", + "text_to_embed": "Petition: Heartless owner, who whipped horse until it collapsed, is told, he can KEEP his animal! Act now!" + }, + "key": "2435" + }, + { + "attributes": { + "blank": " ", + "id": "2436", + "language": "en", + "text_to_embed": "Petition - Heartless owner, who whipped horse until it collapsed, is told he can KEEP his animal. Act now!" + }, + "key": "2436" + }, + { + "attributes": { + "blank": " ", + "id": "2437", + "language": "en", + "text_to_embed": "Petition: Heartless owner, who whipped horse until it collapsed, is told he can KEEP his animal; act now." + }, + "key": "2437" + }, + { + "attributes": { + "blank": " ", + "id": "2438", + "language": "en", + "text_to_embed": "Petition! Heartless owner, who whipped horse until it collapsed, is told he can KEEP his animal - act now!" + }, + "key": "2438" + }, + { + "attributes": { + "blank": " ", + "id": "2440", + "language": "en", + "text_to_embed": "‰Good Samaritans‰ shot in horror hijacking JOHANNESBURG. ; Four men were shot dead in Bronville Free State‰" + }, + "key": "2440" + }, + { + "attributes": { + "blank": " ", + "id": "2441", + "language": "fr", + "text_to_embed": "Des bons samaritains abattus lors d'un horrible détournement JOHANNESBURG ; Quatre hommes ont été abattus à Bronville, dans l'État libre." + }, + "key": "2441" + }, + { + "attributes": { + "blank": " ", + "id": "2442", + "language": "de", + "text_to_embed": "Barmherzige Samariter bei Horror-Entführung erschossen JOHANNESBURG. ; Vier Männer wurden in Bronville im Freistaat erschossen" + }, + "key": "2442" + }, + { + "attributes": { + "blank": " ", + "id": "2443", + "language": "pt", + "text_to_embed": "Bom samaritano baleado em sequestro de horror JOHANNESBURG; quatro homens foram mortos a tiro em Bronville Free State" + }, + "key": "2443" + }, + { + "attributes": { + "blank": " ", + "id": "2445", + "language": "tr", + "text_to_embed": "Dehşet verici gasp olayında iyi niyetli insanlar vuruldu JOHANNESBURG; Bronville Free State'de dört kişi vurularak öldürüldü" + }, + "key": "2445" + }, + { + "attributes": { + "blank": " ", + "id": "2446", + "language": "ru", + "text_to_embed": "Добрые самаритяне застрелены во время страшного угона JOHANNESBURG. ; Четыре человека были застрелены в Бронвиле, Свободное государство" + }, + "key": "2446" + }, + { + "attributes": { + "blank": " ", + "id": "2448", + "language": "it", + "text_to_embed": "Buoni samaritani uccisi in un sequestro dell'orrore JOHANNESBURG. ; Quattro uomini sono stati uccisi a Bronville, nello Stato libero." + }, + "key": "2448" + }, + { + "attributes": { + "blank": " ", + "id": "2450", + "language": "en", + "text_to_embed": "One Direction Is my pick for Fan Army #Directioners x1431" + }, + "key": "2450" + }, + { + "attributes": { + "blank": " ", + "id": "2451", + "language": "en", + "text_to_embed": "I choose One Direction as the ultimate fan army, #Directioners x1431." + }, + "key": "2451" + }, + { + "attributes": { + "blank": " ", + "id": "2452", + "language": "en", + "text_to_embed": "My top choice for fan army is One Direction's loyal following, #Directioners x1431." + }, + "key": "2452" + }, + { + "attributes": { + "blank": " ", + "id": "2453", + "language": "en", + "text_to_embed": "#Directioners x1431 are my chosen fan army, with One Direction leading the pack." + }, + "key": "2453" + }, + { + "attributes": { + "blank": " ", + "id": "2454", + "language": "en", + "text_to_embed": "One Direction gets my vote for the fan army title, #Directioners x1431." + }, + "key": "2454" + }, + { + "attributes": { + "blank": " ", + "id": "2455", + "language": "en", + "text_to_embed": "The fan army I support is #Directioners x1431, and One Direction is at the forefront." + }, + "key": "2455" + }, + { + "attributes": { + "blank": " ", + "id": "2456", + "language": "en", + "text_to_embed": "#Directioners x1431, the fan army I favor, has One Direction as their banner." + }, + "key": "2456" + }, + { + "attributes": { + "blank": " ", + "id": "2457", + "language": "en", + "text_to_embed": "One Direction is my preferred fan army, represented by #Directioners x1431." + }, + "key": "2457" + }, + { + "attributes": { + "blank": " ", + "id": "2458", + "language": "en", + "text_to_embed": "#Directioners x1431, the fan army I align with, proudly stands behind One Direction." + }, + "key": "2458" + }, + { + "attributes": { + "blank": " ", + "id": "2461", + "language": "en", + "text_to_embed": "Japan continues to grapple with its war past, even 70 years after the atomic bombs were dropped." + }, + "key": "2461" + }, + { + "attributes": { + "blank": " ", + "id": "2462", + "language": "en", + "text_to_embed": "The memory of the atomic bombs still haunts Japan, even seven decades later." + }, + "key": "2462" + }, + { + "attributes": { + "blank": " ", + "id": "2463", + "language": "en", + "text_to_embed": "After 70 years, Japan is still wrestling with the enduring effects of the atomic bombs on its war history." + }, + "key": "2463" + }, + { + "attributes": { + "blank": " ", + "id": "2464", + "language": "en", + "text_to_embed": "Seven decades since the atomic bombs wreaked havoc, Japan is still facing challenges in coming to terms with its wartime experiences." + }, + "key": "2464" + }, + { + "attributes": { + "blank": " ", + "id": "2465", + "language": "en", + "text_to_embed": "Japan's war past remains an ongoing struggle even after the passing of 70 years from the detonation of the atomic bombs." + }, + "key": "2465" + }, + { + "attributes": { + "blank": " ", + "id": "2466", + "language": "en", + "text_to_embed": "The legacy of the atomic bombs continues to pose difficulties for Japan, even after 70 years have passed." + }, + "key": "2466" + }, + { + "attributes": { + "blank": " ", + "id": "2468", + "language": "en", + "text_to_embed": "Even after 70 years, Japan's war past continues to cast a long shadow on its present." + }, + "key": "2468" + }, + { + "attributes": { + "blank": " ", + "id": "2470", + "language": "en", + "text_to_embed": "A new type of ADHD? Head injuries in children linked to long-term attention problems" + }, + "key": "2470" + }, + { + "attributes": { + "blank": " ", + "id": "2471", + "language": "fr", + "text_to_embed": "Un nouveau type de TDAH ? Les traumatismes crâniens chez les enfants sont liés à des problèmes d'attention à long terme" + }, + "key": "2471" + }, + { + "attributes": { + "blank": " ", + "id": "2472", + "language": "de", + "text_to_embed": "Eine neue Form von ADHS? Kopfverletzungen bei Kindern sind mit langfristigen Aufmerksamkeitsproblemen verbunden" + }, + "key": "2472" + }, + { + "attributes": { + "blank": " ", + "id": "2473", + "language": "pt", + "text_to_embed": "Um novo tipo de TDAH? Lesões na cabeça de crianças associadas a problemas de atenção a longo prazo" + }, + "key": "2473" + }, + { + "attributes": { + "blank": " ", + "id": "2474", + "language": "zh", + "text_to_embed": "新型多动症?儿童头部受伤与长期注意力问题有关" + }, + "key": "2474" + }, + { + "attributes": { + "blank": " ", + "id": "2475", + "language": "tr", + "text_to_embed": "Yeni bir DEHB türü mü? Çocuklarda kafa yaralanmaları uzun vadeli dikkat sorunlarıyla bağlantılı" + }, + "key": "2475" + }, + { + "attributes": { + "blank": " ", + "id": "2476", + "language": "ru", + "text_to_embed": "Новый тип СДВГ? Травмы головы у детей связаны с длительными нарушениями внимания" + }, + "key": "2476" + }, + { + "attributes": { + "blank": " ", + "id": "2477", + "language": "ja", + "text_to_embed": "新しいタイプのADHD?子どもの頭部外傷が長期的な注意力の問題と関連" + }, + "key": "2477" + }, + { + "attributes": { + "blank": " ", + "id": "2478", + "language": "it", + "text_to_embed": "Un nuovo tipo di ADHD? Le lesioni alla testa nei bambini sono collegate a problemi di attenzione a lungo termine" + }, + "key": "2478" + }, + { + "attributes": { + "blank": " ", + "id": "2480", + "language": "en", + "text_to_embed": "Iger's 3 words that wrecked Disney's stock" + }, + "key": "2480" + }, + { + "attributes": { + "blank": " ", + "id": "2481", + "language": "fr", + "text_to_embed": "Les 3 mots d'Iger qui ont détruit les actions de Disney" + }, + "key": "2481" + }, + { + "attributes": { + "blank": " ", + "id": "2482", + "language": "de", + "text_to_embed": "Igers 3 Worte, die Disneys Aktien in den Ruin trieben" + }, + "key": "2482" + }, + { + "attributes": { + "blank": " ", + "id": "2483", + "language": "pt", + "text_to_embed": "As 3 palavras de Iger que arruinaram as acções da Disney" + }, + "key": "2483" + }, + { + "attributes": { + "blank": " ", + "id": "2486", + "language": "ru", + "text_to_embed": "3 слова Игера, которые разрушили акции Disney" + }, + "key": "2486" + }, + { + "attributes": { + "blank": " ", + "id": "2488", + "language": "it", + "text_to_embed": "Le 3 parole di Iger che hanno fatto crollare le azioni Disney" + }, + "key": "2488" + }, + { + "attributes": { + "blank": " ", + "id": "2490", + "language": "en", + "text_to_embed": "PIERCE THE VEIL Rubber Bracelet Wristband Collide with the Sky - Full read by eBay" + }, + "key": "2490" + }, + { + "attributes": { + "blank": " ", + "id": "2491", + "language": "fr", + "text_to_embed": "PIERCE THE VEIL Bracelet caoutchouc Collide with the Sky - Full read by eBay" + }, + "key": "2491" + }, + { + "attributes": { + "blank": " ", + "id": "2492", + "language": "de", + "text_to_embed": "PIERCE THE VEIL Kautschuk-Armband Armband Collide with the Sky - Vollständig gelesen von eBay" + }, + "key": "2492" + }, + { + "attributes": { + "blank": " ", + "id": "2493", + "language": "pt", + "text_to_embed": "Pulseira de borracha PIERCE THE VEIL Collide with the Sky - Leitura integral por eBay" + }, + "key": "2493" + }, + { + "attributes": { + "blank": " ", + "id": "2494", + "language": "zh", + "text_to_embed": "PIERCE THE VEIL Rubber Bracelet Wristband 腕带与天空碰撞--全文阅读 by eBay" + }, + "key": "2494" + }, + { + "attributes": { + "blank": " ", + "id": "2495", + "language": "tr", + "text_to_embed": "PIERCE THE VEIL Kauçuk Bileklik Bileklik Gökyüzü ile Çarpışın - Tamamı eBay tarafından okunmuştur" + }, + "key": "2495" + }, + { + "attributes": { + "blank": " ", + "id": "2496", + "language": "ru", + "text_to_embed": "PIERCE THE VEIL Rubber Bracelet Wristband Collide with the Sky - читать полностью на eBay" + }, + "key": "2496" + }, + { + "attributes": { + "blank": " ", + "id": "2497", + "language": "ja", + "text_to_embed": "PIERCE THE VEIL ラバーブレスレットリストバンド 空とぶつかる - Full read by eBay" + }, + "key": "2497" + }, + { + "attributes": { + "blank": " ", + "id": "2498", + "language": "it", + "text_to_embed": "PIERCE THE VEIL Braccialetto di gomma da polso Collide with the Sky - lettura completa da eBay" + }, + "key": "2498" + }, + { + "attributes": { + "blank": " ", + "id": "2501", + "language": "en", + "text_to_embed": "The preservation of memories from the 2011 triple disaster is aided by the physical senses." + }, + "key": "2501" + }, + { + "attributes": { + "blank": " ", + "id": "2502", + "language": "en", + "text_to_embed": "The utilization of physical senses assists in retaining memories of the 2011 triple disaster." + }, + "key": "2502" + }, + { + "attributes": { + "blank": " ", + "id": "2503", + "language": "en", + "text_to_embed": "Memories of the 2011 triple disaster are kept alive through the use of our physical senses." + }, + "key": "2503" + }, + { + "attributes": { + "blank": " ", + "id": "2504", + "language": "en", + "text_to_embed": "The 2011 triple disaster memories are better preserved with the help of physical senses." + }, + "key": "2504" + }, + { + "attributes": { + "blank": " ", + "id": "2505", + "language": "en", + "text_to_embed": "Physical senses play a crucial role in maintaining memories of the 2011 triple disaster." + }, + "key": "2505" + }, + { + "attributes": { + "blank": " ", + "id": "2506", + "language": "en", + "text_to_embed": "Preserving memories of the 2011 triple disaster is reliant on our physical senses." + }, + "key": "2506" + }, + { + "attributes": { + "blank": " ", + "id": "2507", + "language": "en", + "text_to_embed": "The 2011 triple disaster memories are effectively safeguarded by utilizing our physical senses." + }, + "key": "2507" + }, + { + "attributes": { + "blank": " ", + "id": "2508", + "language": "en", + "text_to_embed": "The physical senses contribute to the preservation of memories from the 2011 triple disaster." + }, + "key": "2508" + }, + { + "attributes": { + "blank": " ", + "id": "2520", + "language": "en", + "text_to_embed": "As California fires rage the Forest Service sounds the alarm about sharply rising wildfire costs" + }, + "key": "2520" + }, + { + "attributes": { + "blank": " ", + "id": "2521", + "language": "fr", + "text_to_embed": "Alors que les incendies font rage en Californie, le Service des forêts tire la sonnette d'alarme quant à la forte augmentation des coûts liés aux incendies de forêt." + }, + "key": "2521" + }, + { + "attributes": { + "blank": " ", + "id": "2522", + "language": "de", + "text_to_embed": "Während die Brände in Kalifornien wüten, schlägt die Forstbehörde wegen der stark steigenden Kosten für Waldbrände Alarm" + }, + "key": "2522" + }, + { + "attributes": { + "blank": " ", + "id": "2523", + "language": "pt", + "text_to_embed": "Com os incêndios na Califórnia, o Serviço Florestal dá o alarme sobre o aumento acentuado dos custos dos incêndios florestais" + }, + "key": "2523" + }, + { + "attributes": { + "blank": " ", + "id": "2524", + "language": "zh", + "text_to_embed": "加州大火肆虐,林业局敲响了野火成本急剧上升的警钟" + }, + "key": "2524" + }, + { + "attributes": { + "blank": " ", + "id": "2525", + "language": "tr", + "text_to_embed": "Kaliforniya'daki yangınlar şiddetlenirken, Orman Hizmetleri hızla artan orman yangını maliyetleri konusunda alarm veriyor" + }, + "key": "2525" + }, + { + "attributes": { + "blank": " ", + "id": "2526", + "language": "ru", + "text_to_embed": "В то время как в Калифорнии бушуют пожары, Лесная служба бьет тревогу в связи с резким ростом расходов на борьбу с лесными пожарами" + }, + "key": "2526" + }, + { + "attributes": { + "blank": " ", + "id": "2527", + "language": "ja", + "text_to_embed": "カリフォルニアの火災が猛威を振るう中、森林局は山火事費用の急増に警鐘を鳴らす" + }, + "key": "2527" + }, + { + "attributes": { + "blank": " ", + "id": "2528", + "language": "it", + "text_to_embed": "Con l'infuriare degli incendi in California, il Servizio Forestale lancia l'allarme sul forte aumento dei costi degli incendi selvatici" + }, + "key": "2528" + }, + { + "attributes": { + "blank": " ", + "id": "2530", + "language": "en", + "text_to_embed": "Corey Robinson having some solid reps at RT although as I type this he got beat on lightning dip by T. Walker" + }, + "key": "2530" + }, + { + "attributes": { + "blank": " ", + "id": "2531", + "language": "fr", + "text_to_embed": "Corey Robinson fait de bonnes répétitions au poste de RT, mais au moment où j'écris ces lignes, il a été battu par T. Walker sur un plongeon fulgurant." + }, + "key": "2531" + }, + { + "attributes": { + "blank": " ", + "id": "2532", + "language": "de", + "text_to_embed": "Corey Robinson hat einige solide Wiederholungen an der RT, obwohl er, während ich dies schreibe, von T. Walker beim Lightning Dip geschlagen wurde" + }, + "key": "2532" + }, + { + "attributes": { + "blank": " ", + "id": "2533", + "language": "pt", + "text_to_embed": "Corey Robinson está a fazer algumas repetições sólidas como RT, embora, enquanto escrevo isto, tenha sido derrotado por T. Walker num mergulho relâmpago" + }, + "key": "2533" + }, + { + "attributes": { + "blank": " ", + "id": "2534", + "language": "zh", + "text_to_embed": "科里-罗宾逊(Corey Robinson)在 RT 位置上表现出色,尽管在我打字的时候,他被 T. 沃克(T. Walker)闪电般的扑倒在地。" + }, + "key": "2534" + }, + { + "attributes": { + "blank": " ", + "id": "2535", + "language": "tr", + "text_to_embed": "Corey Robinson RT'de bazı sağlam tekrarlar yapıyor, ancak bunu yazarken T. Walker tarafından yıldırım dalışında yenildi" + }, + "key": "2535" + }, + { + "attributes": { + "blank": " ", + "id": "2538", + "language": "it", + "text_to_embed": "Corey Robinson sta facendo alcune prove solide come RT anche se, mentre scrivo, è stato battuto su un tuffo fulmineo da T. Walker." + }, + "key": "2538" + }, + { + "attributes": { + "blank": " ", + "id": "2540", + "language": "en", + "text_to_embed": "19000 homes destroyed in Gaza -- ZERO rebuilt. Join me in busting the blockade! Sign ; RT #Gaza #OpenGaza" + }, + "key": "2540" + }, + { + "attributes": { + "blank": " ", + "id": "2541", + "language": "en", + "text_to_embed": "The blockade should be broken as 19,000 homes in Gaza were destroyed and none have been rebuilt. Sign now! #Gaza #EndTheBlockade" + }, + "key": "2541" + }, + { + "attributes": { + "blank": " ", + "id": "2542", + "language": "en", + "text_to_embed": "Let's unite against the blockade! Not a single one of the 19,000 destroyed homes in Gaza has been rebuilt. Sign the petition today! #OpenGaza" + }, + "key": "2542" + }, + { + "attributes": { + "blank": " ", + "id": "2543", + "language": "en", + "text_to_embed": "Calling for action against the blockade! Gaza suffers from the destruction of 19,000 homes with no reconstruction. Join us and sign! #Gaza #BreakTheBlockade" + }, + "key": "2543" + }, + { + "attributes": { + "blank": " ", + "id": "2544", + "language": "en", + "text_to_embed": "Stand against the blockade and join the fight! 19000 homes in Gaza lay in ruins without any sign of rebuilding. Sign now for change! #OpenGaza #GazaReconstruction" + }, + "key": "2544" + }, + { + "attributes": { + "blank": " ", + "id": "2545", + "language": "en", + "text_to_embed": "Rebuilding in Gaza is urgent! Without any progress, the number of destroyed homes stands at 19,000. Sign and support ending the blockade! #Gaza #BreakTheBlockade" + }, + "key": "2545" + }, + { + "attributes": { + "blank": " ", + "id": "2546", + "language": "en", + "text_to_embed": "We must act to end the blockade and rebuild Gaza! None of the 19,000 destroyed homes have been reconstructed. Join us by signing the petition. #OpenGaza #ReconstructGaza" + }, + "key": "2546" + }, + { + "attributes": { + "blank": " ", + "id": "2547", + "language": "en", + "text_to_embed": "Join the movement to break the blockade! Gaza has 19,000 homes destroyed and no signs of rebuilding. Sign the petition and make a difference! #GazaReconstruction #EndTheBlockade" + }, + "key": "2547" + }, + { + "attributes": { + "blank": " ", + "id": "2548", + "language": "en", + "text_to_embed": "It's time to address the blockade and rebuild Gaza! 19,000 homes lay in ruins without any progress. Sign now to show your support. #BreakTheBlockade #ReconstructGaza" + }, + "key": "2548" + }, + { + "attributes": { + "blank": " ", + "id": "2550", + "language": "en", + "text_to_embed": "Have you ever remembered an old song something you haven't heared for years? words that carry floods of memories all along. #priceless" + }, + "key": "2550" + }, + { + "attributes": { + "blank": " ", + "id": "2551", + "language": "fr", + "text_to_embed": "Vous êtes-vous déjà souvenu d'une vieille chanson que vous n'aviez pas entendue depuis des années ? Les mots qui transportent des flots de souvenirs tout au long de la journée. #Inestimable" + }, + "key": "2551" + }, + { + "attributes": { + "blank": " ", + "id": "2552", + "language": "de", + "text_to_embed": "Haben Sie sich schon einmal an ein altes Lied erinnert, das Sie seit Jahren nicht mehr gehört haben? Worte, die eine Flut von Erinnerungen mit sich bringen. #Unbezahlbar" + }, + "key": "2552" + }, + { + "attributes": { + "blank": " ", + "id": "2553", + "language": "pt", + "text_to_embed": "Já alguma vez se lembrou de uma canção antiga que não ouvia há anos? #priceless" + }, + "key": "2553" + }, + { + "attributes": { + "blank": " ", + "id": "2554", + "language": "zh", + "text_to_embed": "你是否曾想起一首多年未听的老歌? #无价#" + }, + "key": "2554" + }, + { + "attributes": { + "blank": " ", + "id": "2555", + "language": "tr", + "text_to_embed": "Yıllardır duymadığınız eski bir şarkıyı hatırladınız mı hiç? Anılar selini hep birlikte taşıyan sözler. #priceless" + }, + "key": "2555" + }, + { + "attributes": { + "blank": " ", + "id": "2556", + "language": "ru", + "text_to_embed": "Вы когда-нибудь вспоминали старую песню, которую не слышали много лет? слова, которые несут в себе потоки воспоминаний. #priceless" + }, + "key": "2556" + }, + { + "attributes": { + "blank": " ", + "id": "2558", + "language": "it", + "text_to_embed": "Vi è mai capitato di ricordare una vecchia canzone che non sentivate da anni? Parole che portano con sé una marea di ricordi. #impagabile" + }, + "key": "2558" + }, + { + "attributes": { + "blank": " ", + "id": "2560", + "language": "en", + "text_to_embed": "Couple storms near Guthrie OK. Leaving Norman for an evening lightning op. #okwx" + }, + "key": "2560" + }, + { + "attributes": { + "blank": " ", + "id": "2561", + "language": "en", + "text_to_embed": "A pair of thunderstorms are occurring close to Guthrie, OK, prompting a departure from Norman for an evening lightning operation. #okwx" + }, + "key": "2561" + }, + { + "attributes": { + "blank": " ", + "id": "2562", + "language": "en", + "text_to_embed": "Near Guthrie, OK, there are a few storms in the area, compelling a move from Norman for an evening lightning observation. #okwx" + }, + "key": "2562" + }, + { + "attributes": { + "blank": " ", + "id": "2563", + "language": "en", + "text_to_embed": "Guthrie, OK is currently experiencing a couple of storms, resulting in a relocation from Norman to capture some evening lightning. #okwx" + }, + "key": "2563" + }, + { + "attributes": { + "blank": " ", + "id": "2564", + "language": "en", + "text_to_embed": "Storm activity is taking place near Guthrie, OK, leading to a departure from Norman in order to photograph lightning during the evening. #okwx" + }, + "key": "2564" + }, + { + "attributes": { + "blank": " ", + "id": "2565", + "language": "en", + "text_to_embed": "Guthrie, OK is encountering a few storms, causing a decision to leave Norman for an evening lightning operation. #okwx" + }, + "key": "2565" + }, + { + "attributes": { + "blank": " ", + "id": "2566", + "language": "en", + "text_to_embed": "A duo of storms has emerged close to Guthrie, OK, prompting a relocation from Norman to observe lightning in the evening. #okwx" + }, + "key": "2566" + }, + { + "attributes": { + "blank": " ", + "id": "2567", + "language": "en", + "text_to_embed": "In the vicinity of Guthrie, OK, a couple of storms have formed, necessitating a departure from Norman to conduct an evening lightning operation. #okwx" + }, + "key": "2567" + }, + { + "attributes": { + "blank": " ", + "id": "2568", + "language": "en", + "text_to_embed": "Storms are occurring near Guthrie, OK, leading to a decision to leave Norman for an evening lightning endeavor. #okwx" + }, + "key": "2568" + }, + { + "attributes": { + "blank": " ", + "id": "2570", + "language": "en", + "text_to_embed": "The U.S. also flew over each bomb site in World War II with warning letters telling people to evacuate" + }, + "key": "2570" + }, + { + "attributes": { + "blank": " ", + "id": "2571", + "language": "en", + "text_to_embed": "\"The #USA also flew over each bomb site in #WWII with warning letters telling people to evacuate!\"" + }, + "key": "2571" + }, + { + "attributes": { + "blank": " ", + "id": "2572", + "language": "en", + "text_to_embed": "\"The U.S.! also flew over each bomb site in World War II with warning letters telling people to evacuate\"" + }, + "key": "2572" + }, + { + "attributes": { + "blank": " ", + "id": "2573", + "language": "en", + "text_to_embed": "\"The U.S. also flew over each #bombsite in World War II with warning letters telling people to evacuate.\"" + }, + "key": "2573" + }, + { + "attributes": { + "blank": " ", + "id": "2574", + "language": "en", + "text_to_embed": "\"The U.S. also flew over each bomb site in #WW2 with warning letters telling people to evacuate!\"" + }, + "key": "2574" + }, + { + "attributes": { + "blank": " ", + "id": "2575", + "language": "en", + "text_to_embed": "\"The U.S. also flew over each bomb site in World War II with #warnings, letters telling people to evacuate.\"" + }, + "key": "2575" + }, + { + "attributes": { + "blank": " ", + "id": "2576", + "language": "en", + "text_to_embed": "\"The #UnitedStates also flew over each bomb site in World War II with warning letters telling people to evacuate.\"" + }, + "key": "2576" + }, + { + "attributes": { + "blank": " ", + "id": "2577", + "language": "en", + "text_to_embed": "\"The U.S. also flew over each bomb site in World War II with warning letters #urging people to evacuate!\"" + }, + "key": "2577" + }, + { + "attributes": { + "blank": " ", + "id": "2578", + "language": "en", + "text_to_embed": "\"The U.S. also flew over each #warzone in World War II with warning letters telling people to evacuate.\"" + }, + "key": "2578" + }, + { + "attributes": { + "blank": " ", + "id": "2580", + "language": "en", + "text_to_embed": "Relief train carrying survivors of the derailed Janta Express reaches Mumbai via" + }, + "key": "2580" + }, + { + "attributes": { + "blank": " ", + "id": "2581", + "language": "en", + "text_to_embed": "Mumbai is reached by the relief train carrying survivors of the derailed Janta Express." + }, + "key": "2581" + }, + { + "attributes": { + "blank": " ", + "id": "2582", + "language": "en", + "text_to_embed": "The relief train carrying survivors of the derailed Janta Express reaches Mumbai." + }, + "key": "2582" + }, + { + "attributes": { + "blank": " ", + "id": "2583", + "language": "en", + "text_to_embed": "Via Mumbai, the relief train carrying survivors of the derailed Janta Express arrives." + }, + "key": "2583" + }, + { + "attributes": { + "blank": " ", + "id": "2584", + "language": "en", + "text_to_embed": "The survivors of the derailed Janta Express are brought to Mumbai by the relief train." + }, + "key": "2584" + }, + { + "attributes": { + "blank": " ", + "id": "2585", + "language": "en", + "text_to_embed": "Via the relief train, survivors of the derailed Janta Express reach Mumbai." + }, + "key": "2585" + }, + { + "attributes": { + "blank": " ", + "id": "2586", + "language": "en", + "text_to_embed": "Mumbai is reached by survivors of the derailed Janta Express aboard the relief train." + }, + "key": "2586" + }, + { + "attributes": { + "blank": " ", + "id": "2587", + "language": "en", + "text_to_embed": "The relief train brings survivors of the derailed Janta Express to Mumbai." + }, + "key": "2587" + }, + { + "attributes": { + "blank": " ", + "id": "2588", + "language": "en", + "text_to_embed": "Survivors of the derailed Janta Express are transported to Mumbai via the relief train." + }, + "key": "2588" + }, + { + "attributes": { + "blank": " ", + "id": "2590", + "language": "en", + "text_to_embed": ". Many #cancers which had a very high fatality rate 30 years ago kill a lot less today. #Oncology has achieved a lot." + }, + "key": "2590" + }, + { + "attributes": { + "blank": " ", + "id": "2591", + "language": "en", + "text_to_embed": "\"Many #cancers which had a very high fatality rate 30 years ago 💀 kill a lot less today. #Oncology has achieved a lot.\"" + }, + "key": "2591" + }, + { + "attributes": { + "blank": " ", + "id": "2592", + "language": "en", + "text_to_embed": "🚨Urgent Alert🚨 \"Many #cancers which had a very high fatality rate 30 years ago 📉 kill a lot less today. #Oncology has achieved a lot.\"" + }, + "key": "2592" + }, + { + "attributes": { + "blank": " ", + "id": "2593", + "language": "en", + "text_to_embed": "\"Many #cancers which had a very high fatality rate 30 years ago 🦠 kill a lot less today. #Oncology has achieved a lot.\"" + }, + "key": "2593" + }, + { + "attributes": { + "blank": " ", + "id": "2594", + "language": "en", + "text_to_embed": "\"Many #cancers which had a very high fatality rate 30 years ago 😷 kill a lot less today. #Oncology has achieved a lot.\"" + }, + "key": "2594" + }, + { + "attributes": { + "blank": " ", + "id": "2595", + "language": "en", + "text_to_embed": "\"Many #cancers which had a very high fatality rate 30 years ago ☠️ kill a lot less today. #Oncology has achieved a lot.\"" + }, + "key": "2595" + }, + { + "attributes": { + "blank": " ", + "id": "2596", + "language": "en", + "text_to_embed": "\"Many #cancers which had a very high fatality rate 30 years ago 💔 kill a lot less today. #Oncology has achieved a lot.\"" + }, + "key": "2596" + }, + { + "attributes": { + "blank": " ", + "id": "2597", + "language": "en", + "text_to_embed": "\"Many #cancers which had a very high fatality rate 30 years ago 📈 kill a lot less today. #Oncology has achieved a lot.\"" + }, + "key": "2597" + }, + { + "attributes": { + "blank": " ", + "id": "2598", + "language": "en", + "text_to_embed": "\"Many #cancers which had a very high fatality rate 30 years ago 🌈 kill a lot less today. #Oncology has achieved a lot.\"" + }, + "key": "2598" + }, + { + "attributes": { + "blank": " ", + "id": "2600", + "language": "en", + "text_to_embed": "Carmike Cinemas on Antioch Shooting: 'We Are Grateful' for Staff and First Responders Safety Is 'Highest Priority'" + }, + "key": "2600" + }, + { + "attributes": { + "blank": " ", + "id": "2601", + "language": "fr", + "text_to_embed": "Carmike Cinemas à propos de la fusillade d'Antioch : \"Nous sommes reconnaissants\" envers le personnel et les premiers intervenants La sécurité est \"la priorité absolue\"." + }, + "key": "2601" + }, + { + "attributes": { + "blank": " ", + "id": "2602", + "language": "de", + "text_to_embed": "Carmike Cinemas zur Schießerei in Antioch: \"Wir sind dankbar\" für Mitarbeiter und Ersthelfer Sicherheit hat \"höchste Priorität" + }, + "key": "2602" + }, + { + "attributes": { + "blank": " ", + "id": "2603", + "language": "pt", + "text_to_embed": "Carmike Cinemas sobre o tiroteio de Antioch: \"Estamos gratos\" pela equipe e pelos socorristas A segurança é \"a maior prioridade" + }, + "key": "2603" + }, + { + "attributes": { + "blank": " ", + "id": "2604", + "language": "zh", + "text_to_embed": "卡麦克影院谈安蒂奥奇枪击案:\"我们感谢 \"员工和急救人员 安全是 \"重中之重" + }, + "key": "2604" + }, + { + "attributes": { + "blank": " ", + "id": "2605", + "language": "tr", + "text_to_embed": "Carmike Sinemaları Antakya'daki Silahlı Saldırıya İlişkin: Personel ve İlk Müdahale Ekipleri İçin 'Minnettarız' Güvenlik 'En Yüksek Önceliğimiz'" + }, + "key": "2605" + }, + { + "attributes": { + "blank": " ", + "id": "2606", + "language": "ru", + "text_to_embed": "Carmike Cinemas о стрельбе в Антиохии: \"Мы благодарны\" сотрудникам и спасателям Безопасность - \"наивысший приоритет" + }, + "key": "2606" + }, + { + "attributes": { + "blank": " ", + "id": "2607", + "language": "ja", + "text_to_embed": "カーマイク・シネマ、アンティオック銃乱射事件について:スタッフと救急隊員に「感謝」 安全は「最優先事項" + }, + "key": "2607" + }, + { + "attributes": { + "blank": " ", + "id": "2608", + "language": "it", + "text_to_embed": "Carmike Cinemas sulla sparatoria di Antiochia: \"Siamo grati\" al personale e ai primi soccorritori La sicurezza è \"la priorità più alta\"." + }, + "key": "2608" + }, + { + "attributes": { + "blank": " ", + "id": "2610", + "language": "en", + "text_to_embed": "Ashenforest floorburnt manzanita ; timber on Johnson Fire along ridge on Forest Road 1. #RouteComplex" + }, + "key": "2610" + }, + { + "attributes": { + "blank": " ", + "id": "2612", + "language": "en", + "text_to_embed": "Manzanita shrubs are burnt on the floor of Ashenforest, adjacent to timber that also suffered damage along the ridge of Johnson Fire along Forest Road 1." + }, + "key": "2612" + }, + { + "attributes": { + "blank": " ", + "id": "2613", + "language": "en", + "text_to_embed": "The floor of Ashenforest displays signs of fire damage, with blackened manzanita shrubs, while nearby timber also incurred burning along the ridge of Johnson Fire on Forest Road 1." + }, + "key": "2613" + }, + { + "attributes": { + "blank": " ", + "id": "2614", + "language": "en", + "text_to_embed": "The manzanita shrubs on the ground in Ashenforest are charred, with timber on the ridge of Johnson Fire along Forest Road 1 also affected by the flames." + }, + "key": "2614" + }, + { + "attributes": { + "blank": " ", + "id": "2615", + "language": "en", + "text_to_embed": "Upon examination of Ashenforest, it is apparent that the manzanita shrubs have been burnt, and the timber along the ridge of Johnson Fire on Forest Road 1 has also suffered damage." + }, + "key": "2615" + }, + { + "attributes": { + "blank": " ", + "id": "2616", + "language": "en", + "text_to_embed": "Devastating the landscape, the manzanita shrubs in Ashenforest show signs of being burnt, as well as the timber on the ridge of Johnson Fire along Forest Road 1." + }, + "key": "2616" + }, + { + "attributes": { + "blank": " ", + "id": "2617", + "language": "en", + "text_to_embed": "The floor of Ashenforest reveals the aftermath of flames, with scorched manzanita shrubs and timber that were both affected by the fire along the ridge of Johnson Fire on Forest Road 1." + }, + "key": "2617" + }, + { + "attributes": { + "blank": " ", + "id": "2618", + "language": "en", + "text_to_embed": "Ashenforest is marked by the burning of manzanita shrubs, with timber on the ridge of Johnson Fire along Forest Road 1 also consumed by the flames." + }, + "key": "2618" + }, + { + "attributes": { + "blank": " ", + "id": "2620", + "language": "en", + "text_to_embed": "There's a big storm brewing dark clouds thunder and rain carrying thick dust. This could be interesting." + }, + "key": "2620" + }, + { + "attributes": { + "blank": " ", + "id": "2621", + "language": "en", + "text_to_embed": "\"There's a big storm brewing ⚡ dark ☁️ thunder and rain carrying thick 💨 dust. This could be interesting.\"" + }, + "key": "2621" + }, + { + "attributes": { + "blank": " ", + "id": "2622", + "language": "en", + "text_to_embed": "\"There's a big storm brewing ⛈️ dark clouds thunder and rain carrying thick dust. This could be fascinating.\"" + }, + "key": "2622" + }, + { + "attributes": { + "blank": " ", + "id": "2623", + "language": "en", + "text_to_embed": "\"There's a big storm brewing dark ☁️ thunder and rain carrying thick dust. This could be intriguing.\"" + }, + "key": "2623" + }, + { + "attributes": { + "blank": " ", + "id": "2624", + "language": "en", + "text_to_embed": "\"There's a big storm brewing dark clouds ☔ thunder and rain carrying thick dust. This could be interesting.\"" + }, + "key": "2624" + }, + { + "attributes": { + "blank": " ", + "id": "2625", + "language": "en", + "text_to_embed": "\"There's a big storm brewing dark clouds thunder and ☁️ carrying thick dust. This could be interesting.\"" + }, + "key": "2625" + }, + { + "attributes": { + "blank": " ", + "id": "2626", + "language": "en", + "text_to_embed": "\"There's a ⛈️ storm brewing dark clouds thunder and rain carrying thick dust. This could be interesting.\"" + }, + "key": "2626" + }, + { + "attributes": { + "blank": " ", + "id": "2627", + "language": "en", + "text_to_embed": "\"There's a big storm brewing dark ☁️ thunder and rain carrying thick dirt. This could be interesting.\"" + }, + "key": "2627" + }, + { + "attributes": { + "blank": " ", + "id": "2628", + "language": "en", + "text_to_embed": "\"There's a ⚡ storm brewing dark clouds thunder and rain carrying thick dust. This could be interesting.\"" + }, + "key": "2628" + }, + { + "attributes": { + "blank": " ", + "id": "2630", + "language": "en", + "text_to_embed": "Kakeru Teduka: Bfore 70years of today in Hiroshima it's exploded the one atomic bomd. It is so sad day." + }, + "key": "2630" + }, + { + "attributes": { + "blank": " ", + "id": "2631", + "language": "en", + "text_to_embed": "Kakeru Teduka: Bfore 70years of today in Hiroshima it's exploded the one atomic bomd. It is so sad day! 😢" + }, + "key": "2631" + }, + { + "attributes": { + "blank": " ", + "id": "2632", + "language": "en", + "text_to_embed": "Kakeru Teduka: Bfore 70years of today in Hiroshima it's exploded the one atomic bomd. It is so sad day... 😔" + }, + "key": "2632" + }, + { + "attributes": { + "blank": " ", + "id": "2633", + "language": "en", + "text_to_embed": "Kakeru Teduka: Bfore 70years of today in Hiroshima it's exploded the one atomic bomd. It is so sad day! 😥" + }, + "key": "2633" + }, + { + "attributes": { + "blank": " ", + "id": "2634", + "language": "en", + "text_to_embed": "Kakeru Teduka: Bfore 70years of today in Hiroshima it's exploded the one atomic bomd! It is so sad day. 😞" + }, + "key": "2634" + }, + { + "attributes": { + "blank": " ", + "id": "2635", + "language": "en", + "text_to_embed": "Kakeru Teduka: Bfore 70years of today in Hiroshima it's exploded the one atomic bomd. It is so sad day... 😥" + }, + "key": "2635" + }, + { + "attributes": { + "blank": " ", + "id": "2636", + "language": "en", + "text_to_embed": "Kakeru Teduka: Bfore 70years of today in Hiroshima it's exploded the one atomic bomd. It is so sad day!!! 😫" + }, + "key": "2636" + }, + { + "attributes": { + "blank": " ", + "id": "2637", + "language": "en", + "text_to_embed": "Kakeru Teduka: Bfore 70years of today in Hiroshima it's exploded the one atomic bomd? It is so sad day... 😞" + }, + "key": "2637" + }, + { + "attributes": { + "blank": " ", + "id": "2638", + "language": "en", + "text_to_embed": "Kakeru Teduka: Bfore 70years of today in Hiroshima it's exploded the one atomic bomd! It is so, so sad day. 😖" + }, + "key": "2638" + }, + { + "attributes": { + "blank": " ", + "id": "2640", + "language": "en", + "text_to_embed": "The latest from reveals #Storm is a queen in #Apocalypse" + }, + "key": "2640" + }, + { + "attributes": { + "blank": " ", + "id": "2641", + "language": "fr", + "text_to_embed": "Les dernières informations révèlent que #Storm est une reine dans #Apocalypse" + }, + "key": "2641" + }, + { + "attributes": { + "blank": " ", + "id": "2642", + "language": "de", + "text_to_embed": "Das Neueste von enthüllt #Storm ist eine Königin in #Apokalypse" + }, + "key": "2642" + }, + { + "attributes": { + "blank": " ", + "id": "2643", + "language": "pt", + "text_to_embed": "A última notícia revela que #Storm é uma rainha em #Apocalypse" + }, + "key": "2643" + }, + { + "attributes": { + "blank": " ", + "id": "2645", + "language": "tr", + "text_to_embed": "Son gelen haber #Storm'un #Apocalypse'de bir kraliçe olduğunu ortaya koyuyor" + }, + "key": "2645" + }, + { + "attributes": { + "blank": " ", + "id": "2648", + "language": "it", + "text_to_embed": "Le ultime notizie rivelano che #Storm è una regina in #Apocalisse" + }, + "key": "2648" + }, + { + "attributes": { + "blank": " ", + "id": "2650", + "language": "en", + "text_to_embed": "Mom fights to recover in hospital from fiery car crash while kids miss her at home -" + }, + "key": "2650" + }, + { + "attributes": { + "blank": " ", + "id": "2651", + "language": "fr", + "text_to_embed": "Une mère se rétablit à l'hôpital après un grave accident de voiture, alors que ses enfants lui manquent à la maison." + }, + "key": "2651" + }, + { + "attributes": { + "blank": " ", + "id": "2652", + "language": "de", + "text_to_embed": "Eine Mutter kämpft im Krankenhaus um ihre Genesung nach einem feurigen Autounfall, während die Kinder sie zu Hause vermissen -" + }, + "key": "2652" + }, + { + "attributes": { + "blank": " ", + "id": "2653", + "language": "pt", + "text_to_embed": "A mãe luta para recuperar no hospital de um acidente de viação violento enquanto os filhos sentem a sua falta em casa" + }, + "key": "2653" + }, + { + "attributes": { + "blank": " ", + "id": "2654", + "language": "zh", + "text_to_embed": "妈妈因车祸在医院奋力抢救,孩子们却在家中思念妈妈" + }, + "key": "2654" + }, + { + "attributes": { + "blank": " ", + "id": "2655", + "language": "tr", + "text_to_embed": "Çocuklar evde onu özlerken anne ateşli araba kazasından sonra hastanede iyileşmek için savaşıyor -" + }, + "key": "2655" + }, + { + "attributes": { + "blank": " ", + "id": "2656", + "language": "ru", + "text_to_embed": "Мама борется за выздоровление в больнице после огненной автокатастрофы, в то время как дети скучают по ней дома." + }, + "key": "2656" + }, + { + "attributes": { + "blank": " ", + "id": "2657", + "language": "ja", + "text_to_embed": "母親が自動車事故から病院で回復に奮闘する一方、子供たちは家で寂しい思いをしている-。" + }, + "key": "2657" + }, + { + "attributes": { + "blank": " ", + "id": "2658", + "language": "it", + "text_to_embed": "La mamma lotta per riprendersi in ospedale dall'incidente d'auto, mentre i figli sentono la mancanza di lei a casa -" + }, + "key": "2658" + }, + { + "attributes": { + "blank": " ", + "id": "2660", + "language": "en", + "text_to_embed": "Consent Order on cleanup underway at CSX derailment site - Knoxville News Sentinel" + }, + "key": "2660" + }, + { + "attributes": { + "blank": " ", + "id": "2661", + "language": "en", + "text_to_embed": "Knoxville News Sentinel reports ongoing cleanup efforts at CSX derailment site, with Consent Order in effect." + }, + "key": "2661" + }, + { + "attributes": { + "blank": " ", + "id": "2662", + "language": "en", + "text_to_embed": "A Consent Order has been implemented for the cleanup currently taking place at the CSX derailment site, according to the Knoxville News Sentinel." + }, + "key": "2662" + }, + { + "attributes": { + "blank": " ", + "id": "2663", + "language": "en", + "text_to_embed": "Knoxville News Sentinel discloses that a Consent Order is now in progress at the CSX derailment site to facilitate the cleanup operations." + }, + "key": "2663" + }, + { + "attributes": { + "blank": " ", + "id": "2664", + "language": "en", + "text_to_embed": "Cleanup activities at the CSX derailment site are currently underway, as indicated by a Consent Order mentioned by the Knoxville News Sentinel." + }, + "key": "2664" + }, + { + "attributes": { + "blank": " ", + "id": "2665", + "language": "en", + "text_to_embed": "The Knoxville News Sentinel informs that a Consent Order has been put into action for the cleanup at the CSX derailment site." + }, + "key": "2665" + }, + { + "attributes": { + "blank": " ", + "id": "2666", + "language": "en", + "text_to_embed": "According to the Knoxville News Sentinel, a Consent Order is now being enforced to oversee the cleanup efforts at the CSX derailment site." + }, + "key": "2666" + }, + { + "attributes": { + "blank": " ", + "id": "2667", + "language": "en", + "text_to_embed": "The CSX derailment site is currently being cleaned up, guided by a Consent Order, as reported by the Knoxville News Sentinel." + }, + "key": "2667" + }, + { + "attributes": { + "blank": " ", + "id": "2668", + "language": "en", + "text_to_embed": "Knoxville News Sentinel reports that the cleanup process at the CSX derailment site is ongoing, following a Consent Order." + }, + "key": "2668" + }, + { + "attributes": { + "blank": " ", + "id": "2670", + "language": "en", + "text_to_embed": "#News Bin Laden family plane crashed after 'avoiding microlight and landing too far down runway'" + }, + "key": "2670" + }, + { + "attributes": { + "blank": " ", + "id": "2671", + "language": "en", + "text_to_embed": "\"News: Bin Laden family plane crashed after avoiding microlight, and landing too far down runway.\"" + }, + "key": "2671" + }, + { + "attributes": { + "blank": " ", + "id": "2672", + "language": "en", + "text_to_embed": "\"#News: Bin Laden family plane crashed after avoiding microlight, and landing too far down runway.\"" + }, + "key": "2672" + }, + { + "attributes": { + "blank": " ", + "id": "2673", + "language": "en", + "text_to_embed": "\"News! Bin Laden family plane crashed after avoiding microlight and landing too far down runway.\"" + }, + "key": "2673" + }, + { + "attributes": { + "blank": " ", + "id": "2674", + "language": "en", + "text_to_embed": "\"#News: Bin Laden family plane crashed after avoiding microlight and landing too far down runway!\"" + }, + "key": "2674" + }, + { + "attributes": { + "blank": " ", + "id": "2675", + "language": "en", + "text_to_embed": "\"News: Bin Laden family plane crashed after avoiding microlight and landing too far down runway.\"" + }, + "key": "2675" + }, + { + "attributes": { + "blank": " ", + "id": "2676", + "language": "en", + "text_to_embed": "\"News - Bin Laden family plane crashed after avoiding microlight and landing too far down runway.\"" + }, + "key": "2676" + }, + { + "attributes": { + "blank": " ", + "id": "2677", + "language": "en", + "text_to_embed": "\"#News: Bin Laden family plane crashed after avoiding microlight and landing too far down runway!!\"" + }, + "key": "2677" + }, + { + "attributes": { + "blank": " ", + "id": "2678", + "language": "en", + "text_to_embed": "#ProTips \"News?! Bin Laden family plane crashed after avoiding microlight and landing too far down runway.\"" + }, + "key": "2678" + }, + { + "attributes": { + "blank": " ", + "id": "2680", + "language": "en", + "text_to_embed": "Rite now man a tlk widout nuh curfew long side Aka cum fi steal di show itz a rubbery di whole a dem fi knw... Sound it *music*" + }, + "key": "2680" + }, + { + "attributes": { + "blank": " ", + "id": "2681", + "language": "en", + "text_to_embed": "Trending Now! \"Rite now man a tlk widout nuh curfew long side Aka cum fi steal di show itz a rubbery di whole a dem fi knw... Sound it! *music*\"" + }, + "key": "2681" + }, + { + "attributes": { + "blank": " ", + "id": "2682", + "language": "en", + "text_to_embed": "\"Rite now man, a tlk widout nuh curfew long side Aka cum fi steal di show, itz a rubbery! Di whole a dem fi knw. Sound it *music*\"" + }, + "key": "2682" + }, + { + "attributes": { + "blank": " ", + "id": "2683", + "language": "en", + "text_to_embed": "\"Rite now man a tlk widout nuh curfew long side Aka cum fi steal di show! Itz a rubbery, di whole a dem fi knw... Sound it *music*\"" + }, + "key": "2683" + }, + { + "attributes": { + "blank": " ", + "id": "2684", + "language": "en", + "text_to_embed": "\"Rite now man, a tlk widout nuh curfew long side Aka cum fi steal di show itz a rubbery di whole a dem fi knw... Sound it 😉 *music*\"" + }, + "key": "2684" + }, + { + "attributes": { + "blank": " ", + "id": "2685", + "language": "en", + "text_to_embed": "Buzzworthy Update! \"Rite now man a tlk widout nuh curfew long side Aka cum fi steal di show itz a rubbery di whole a dem fi knw! Sound it *music*\"" + }, + "key": "2685" + }, + { + "attributes": { + "blank": " ", + "id": "2686", + "language": "en", + "text_to_embed": "\"Rite now man a tlk widout nuh curfew long side Aka cum fi steal di show itz a rubbery di whole a dem fi knw!! Sound it 🎶\"" + }, + "key": "2686" + }, + { + "attributes": { + "blank": " ", + "id": "2687", + "language": "en", + "text_to_embed": "\"Rite now! Man a tlk widout nuh curfew long side Aka cum fi steal di show itz a rubbery! Di whole a dem fi knw. Sound it *music*\"" + }, + "key": "2687" + }, + { + "attributes": { + "blank": " ", + "id": "2688", + "language": "en", + "text_to_embed": "\"Rite now man a tlk widout nuh curfew long side Aka cum fi steal di show – itz a rubbery di whole a dem fi knw... Sound it *music*\"" + }, + "key": "2688" + }, + { + "attributes": { + "blank": " ", + "id": "2690", + "language": "en", + "text_to_embed": "#hot Funtenna: hijacking computers to send data as sound waves [Black Hat 2015] #prebreak #best" + }, + "key": "2690" + }, + { + "attributes": { + "blank": " ", + "id": "2691", + "language": "en", + "text_to_embed": "🔥 Funtenna: hijacking computers to send data as sound waves [Black Hat 2015] #prebreak #best" + }, + "key": "2691" + }, + { + "attributes": { + "blank": " ", + "id": "2692", + "language": "en", + "text_to_embed": "#cool Funtenna: hijacking computers to send data as sound waves [Black Hat 2015] #prebreak #best" + }, + "key": "2692" + }, + { + "attributes": { + "blank": " ", + "id": "2693", + "language": "en", + "text_to_embed": "#hot Funtenna: hijacking computers to send data as sound waves [Black Hat 2015] #postbreak #best" + }, + "key": "2693" + }, + { + "attributes": { + "blank": " ", + "id": "2694", + "language": "en", + "text_to_embed": "#hot Funtenna: hijacking computers to send data as sound waves [White Hat 2015] #prebreak #best" + }, + "key": "2694" + }, + { + "attributes": { + "blank": " ", + "id": "2695", + "language": "en", + "text_to_embed": "#hot Funtenna: hijacking computers to send data as sound waves 💥 [Black Hat 2015] #prebreak #best" + }, + "key": "2695" + }, + { + "attributes": { + "blank": " ", + "id": "2696", + "language": "en", + "text_to_embed": "#hot Funtenna: stealing computers to send data as sound waves [Black Hat 2015] #prebreak #best" + }, + "key": "2696" + }, + { + "attributes": { + "blank": " ", + "id": "2697", + "language": "en", + "text_to_embed": "#hot Funtenna: hijacking computers to broadcast data as sound waves [Black Hat 2015] #prebreak #best" + }, + "key": "2697" + }, + { + "attributes": { + "blank": " ", + "id": "2698", + "language": "en", + "text_to_embed": "#hot Funtenna: hijacking computers to transmit data as sound waves [Black Hat 2015] #prebreak #best" + }, + "key": "2698" + }, + { + "attributes": { + "blank": " ", + "id": "2700", + "language": "en", + "text_to_embed": "and even if the stars and moon collide ‰ oh oh! i never want you back to my life you can take your words and all..." + }, + "key": "2700" + }, + { + "attributes": { + "blank": " ", + "id": "2701", + "language": "en", + "text_to_embed": "Even in the unlikely event of the stars and moon colliding, I never want you back in my life; you can keep your words and everything else." + }, + "key": "2701" + }, + { + "attributes": { + "blank": " ", + "id": "2702", + "language": "en", + "text_to_embed": "Should the stars and moon collide, I still refuse to welcome you back into my life; you can take your words and everything else with you." + }, + "key": "2702" + }, + { + "attributes": { + "blank": " ", + "id": "2703", + "language": "en", + "text_to_embed": "The stars and moon could collide for all I care; I never want you back in my life, so take your words and everything else away." + }, + "key": "2703" + }, + { + "attributes": { + "blank": " ", + "id": "2704", + "language": "en", + "text_to_embed": "Even if a fantastical scenario occurred where the stars and moon collided, I would still never want you to be a part of my life again; you can keep your words and everything else." + }, + "key": "2704" + }, + { + "attributes": { + "blank": " ", + "id": "2705", + "language": "en", + "text_to_embed": "No matter what happens, even the collision of the stars and moon, I will never accept you back into my life; take your words and everything else and leave." + }, + "key": "2705" + }, + { + "attributes": { + "blank": " ", + "id": "2706", + "language": "en", + "text_to_embed": "Even if the impossible occurs and the stars and moon collide, I will never desire your return to my life; you can keep your words and everything else for yourself." + }, + "key": "2706" + }, + { + "attributes": { + "blank": " ", + "id": "2707", + "language": "en", + "text_to_embed": "In the event of an impossible occurrence, such as the collision of the stars and moon, I want to make it clear that I never want you back in my life; take your words and everything else away." + }, + "key": "2707" + }, + { + "attributes": { + "blank": " ", + "id": "2708", + "language": "en", + "text_to_embed": "Even if the stars and moon were to collide, which is highly improbable, I never want you to come back into my life; take your words and everything else and go." + }, + "key": "2708" + }, + { + "attributes": { + "blank": " ", + "id": "2710", + "language": "en", + "text_to_embed": "raleigh cyclone 15 gear mountain bike 26'': #sportinggoods" + }, + "key": "2710" + }, + { + "attributes": { + "blank": " ", + "id": "2711", + "language": "en", + "text_to_embed": "\"raleigh cyclone 15 gear mountain bike 26'': #sportsfreak 🚵‍♂️\"" + }, + "key": "2711" + }, + { + "attributes": { + "blank": " ", + "id": "2712", + "language": "en", + "text_to_embed": "\"raleigh cyclone 15 gear mountain bike 26'': #outdooradventure 🏞️\"" + }, + "key": "2712" + }, + { + "attributes": { + "blank": " ", + "id": "2713", + "language": "en", + "text_to_embed": "\"raleigh cyclone 15 gear mountain bike 26'': #cyclinglove 🚴‍♀️\"" + }, + "key": "2713" + }, + { + "attributes": { + "blank": " ", + "id": "2714", + "language": "en", + "text_to_embed": "\"raleigh cyclone 15 gear mountain bike 26'': #mountainbiking ⛰️\"" + }, + "key": "2714" + }, + { + "attributes": { + "blank": " ", + "id": "2715", + "language": "en", + "text_to_embed": "\"raleigh cyclone 15 gear mountain bike 26'': #geartalk ⚙️\"" + }, + "key": "2715" + }, + { + "attributes": { + "blank": " ", + "id": "2716", + "language": "en", + "text_to_embed": "\"raleigh cyclone 15 gear mountain bike 26'': #exercisegoals 💪\"" + }, + "key": "2716" + }, + { + "attributes": { + "blank": " ", + "id": "2717", + "language": "en", + "text_to_embed": "\"raleigh cyclone 15 gear mountain bike 26'': #bikedreams 🌟\"" + }, + "key": "2717" + }, + { + "attributes": { + "blank": " ", + "id": "2718", + "language": "en", + "text_to_embed": "\"raleigh cyclone 15 gear mountain bike 26'': #adrenalinerush 🤩\"" + }, + "key": "2718" + }, + { + "attributes": { + "blank": " ", + "id": "2721", + "language": "en", + "text_to_embed": "It is crucial to remember that Hiroshima was annihilated by a nuclear bomb; this catastrophe must never be allowed to repeat." + }, + "key": "2721" + }, + { + "attributes": { + "blank": " ", + "id": "2722", + "language": "en", + "text_to_embed": "The memory of Hiroshima's destruction by a nuclear bomb serves as a stark reminder that such a horrific incident should never occur again, although there is still a chance of it happening in the future." + }, + "key": "2722" + }, + { + "attributes": { + "blank": " ", + "id": "2723", + "language": "en", + "text_to_embed": "The destruction of Hiroshima by a nuclear bomb should always be kept in mind as an event that must never be repeated, even though the possibility of a similar occurrence recurring remains high." + }, + "key": "2723" + }, + { + "attributes": { + "blank": " ", + "id": "2724", + "language": "en", + "text_to_embed": "We must always bear in mind the devastation inflicted upon Hiroshima by a nuclear bomb, ensuring that this tragedy is never repeated; however, the likelihood of it happening again remains considerable." + }, + "key": "2724" + }, + { + "attributes": { + "blank": " ", + "id": "2725", + "language": "en", + "text_to_embed": "The memory of Hiroshima's obliteration by a nuclear bomb is a constant reminder that such a catastrophe must never be allowed to happen again, even though there is a strong possibility that it may reoccur." + }, + "key": "2725" + }, + { + "attributes": { + "blank": " ", + "id": "2726", + "language": "en", + "text_to_embed": "It is imperative to never forget the obliteration of Hiroshima by a nuclear bomb, an event that should never happen again, but there is a significant likelihood of it recurring." + }, + "key": "2726" + }, + { + "attributes": { + "blank": " ", + "id": "2727", + "language": "en", + "text_to_embed": "The destruction of Hiroshima through a nuclear bomb should serve as a reminder that such an event should never be repeated, yet it is highly probable that it may occur again." + }, + "key": "2727" + }, + { + "attributes": { + "blank": " ", + "id": "2728", + "language": "en", + "text_to_embed": "We must always remember that Hiroshima was decimated by a nuclear bomb, an occurrence that should never happen again, despite the high probability of its recurrence." + }, + "key": "2728" + }, + { + "attributes": { + "blank": " ", + "id": "2730", + "language": "en", + "text_to_embed": "One of the top RT-ed tweets in #Japan is a screenshot of a young person claiming to not know the 70th anniversary of the Hiroshima bomb" + }, + "key": "2730" + }, + { + "attributes": { + "blank": " ", + "id": "2731", + "language": "en", + "text_to_embed": "Live Updates: One of the top RT-ed tweets in #Japan is a screenshot of a young person claiming to not know the 70th anniversary of the Hiroshima bomb!" + }, + "key": "2731" + }, + { + "attributes": { + "blank": " ", + "id": "2732", + "language": "en", + "text_to_embed": "One of the top RT-ed tweets in #Japan, is a screenshot of a young person claiming to not know the 70th anniversary of the Hiroshima bomb." + }, + "key": "2732" + }, + { + "attributes": { + "blank": " ", + "id": "2733", + "language": "en", + "text_to_embed": "One of the top RT-ed tweets in Japan is a screenshot of a young person claiming to not know the 70th anniversary of the Hiroshima bomb?" + }, + "key": "2733" + }, + { + "attributes": { + "blank": " ", + "id": "2734", + "language": "en", + "text_to_embed": "One of the top RT-ed tweets in #Japan is a screenshot of a young person claiming to not know the 70th anniversary of the Hiroshima bomb!!!" + }, + "key": "2734" + }, + { + "attributes": { + "blank": " ", + "id": "2735", + "language": "en", + "text_to_embed": "One of the top RT-ed tweets in #Japan is a screenshot of a young person claiming to not know the 70th anniversary of the Hiroshima bomb?!" + }, + "key": "2735" + }, + { + "attributes": { + "blank": " ", + "id": "2736", + "language": "en", + "text_to_embed": "One of the top RT-ed tweets in #Japan is a screenshot of a young person claiming to not know the 70th anniversary of the Hiroshima bomb 😮." + }, + "key": "2736" + }, + { + "attributes": { + "blank": " ", + "id": "2737", + "language": "en", + "text_to_embed": "One of the top RT-ed tweets in #Japan is a screenshot of a young person claiming to not know the 70th anniversary of the Hiroshima bomb 😱." + }, + "key": "2737" + }, + { + "attributes": { + "blank": " ", + "id": "2738", + "language": "en", + "text_to_embed": "One of the top RT-ed tweets in #Japan is a screenshot of a young person claiming to not know the 70th anniversary of the Hiroshima bomb 😞." + }, + "key": "2738" + }, + { + "attributes": { + "blank": " ", + "id": "2741", + "language": "en", + "text_to_embed": "In terms of Diablo and DSP OLAP, the world president discusses recognizing a hazardous waste and its multidimensional aspects." + }, + "key": "2741" + }, + { + "attributes": { + "blank": " ", + "id": "2742", + "language": "en", + "text_to_embed": "The world president of Diablo and DSP OLAP explains the process of identifying a hazardous waste and its multidimensional nature." + }, + "key": "2742" + }, + { + "attributes": { + "blank": " ", + "id": "2743", + "language": "en", + "text_to_embed": "Recognizing a hazardous waste and understanding its multidimensional characteristics are discussed by the world president in relation to Diablo and DSP OLAP." + }, + "key": "2743" + }, + { + "attributes": { + "blank": " ", + "id": "2744", + "language": "en", + "text_to_embed": "The topic covered by the world president of Diablo and DSP OLAP revolves around identifying a hazardous waste and its multidimensional features." + }, + "key": "2744" + }, + { + "attributes": { + "blank": " ", + "id": "2745", + "language": "en", + "text_to_embed": "Within the context of Diablo and DSP OLAP, the world president explores the recognition of a hazardous waste and its numerous dimensions." + }, + "key": "2745" + }, + { + "attributes": { + "blank": " ", + "id": "2746", + "language": "en", + "text_to_embed": "The world president talks about the identification of a hazardous waste and its multidimensional aspects in relation to Diablo and DSP OLAP." + }, + "key": "2746" + }, + { + "attributes": { + "blank": " ", + "id": "2747", + "language": "en", + "text_to_embed": "Diablo and DSP OLAP are discussed by the world president regarding the recognition of hazardous waste and its multidimensional attributes." + }, + "key": "2747" + }, + { + "attributes": { + "blank": " ", + "id": "2748", + "language": "en", + "text_to_embed": "Understanding the concept of hazardous waste and its multidimensional scope is the main subject of discussion by the world president in relation to Diablo and DSP OLAP." + }, + "key": "2748" + }, + { + "attributes": { + "blank": " ", + "id": "2750", + "language": "en", + "text_to_embed": "?? New Ladies Shoulder Tote #Handbag Faux Leather Hobo Purse Cross Body Bag #Womens" + }, + "key": "2750" + }, + { + "attributes": { + "blank": " ", + "id": "2751", + "language": "en", + "text_to_embed": "?? New Ladies Shoulder Tote #Fashionista Faux Leather Hobo Purse Cross Body Bag #Womens 👜" + }, + "key": "2751" + }, + { + "attributes": { + "blank": " ", + "id": "2752", + "language": "en", + "text_to_embed": "?? New Ladies Shoulder Tote #HandbagGoals Faux Leather Hobo Purse Cross Body Bag #Womens 👜💕" + }, + "key": "2752" + }, + { + "attributes": { + "blank": " ", + "id": "2753", + "language": "en", + "text_to_embed": "?? New Ladies Shoulder Tote #ChicStyle Faux Leather Hobo Purse Cross Body Bag #Womens 👜💃" + }, + "key": "2753" + }, + { + "attributes": { + "blank": " ", + "id": "2754", + "language": "en", + "text_to_embed": "?? New Ladies Shoulder Tote #TrendyChoice Faux Leather Hobo Purse Cross Body Bag #Womens 👜🔥" + }, + "key": "2754" + }, + { + "attributes": { + "blank": " ", + "id": "2755", + "language": "en", + "text_to_embed": "?? New Ladies Shoulder Tote #StyleStatement Faux Leather Hobo Purse Cross Body Bag #Womens 👜✨" + }, + "key": "2755" + }, + { + "attributes": { + "blank": " ", + "id": "2756", + "language": "en", + "text_to_embed": "?? New Ladies Shoulder Tote #FashionablePick Faux Leather Hobo Purse Cross Body Bag #Womens 👜🌸" + }, + "key": "2756" + }, + { + "attributes": { + "blank": " ", + "id": "2757", + "language": "en", + "text_to_embed": "?? New Ladies Shoulder Tote #ModernClassics Faux Leather Hobo Purse Cross Body Bag #Womens 👜🌟" + }, + "key": "2757" + }, + { + "attributes": { + "blank": " ", + "id": "2758", + "language": "en", + "text_to_embed": "?? New Ladies Shoulder Tote #MustHave Faux Leather Hobo Purse Cross Body Bag #Womens 👜💫" + }, + "key": "2758" + }, + { + "attributes": { + "blank": " ", + "id": "2760", + "language": "en", + "text_to_embed": "Court back in session. Testimony continues with med. examiner discussing gunshot wounds #KerrickTrial" + }, + "key": "2760" + }, + { + "attributes": { + "blank": " ", + "id": "2761", + "language": "en", + "text_to_embed": "The court is now in session, and the testimony continues as the medical examiner discusses gunshot wounds in the #KerrickTrial." + }, + "key": "2761" + }, + { + "attributes": { + "blank": " ", + "id": "2762", + "language": "en", + "text_to_embed": "We are back in session at the court, and the testimony proceeds with the medical examiner's discussion of gunshot wounds in the ongoing #KerrickTrial." + }, + "key": "2762" + }, + { + "attributes": { + "blank": " ", + "id": "2763", + "language": "en", + "text_to_embed": "The court has resumed, and the medical examiner is currently providing testimony on gunshot wounds in the #KerrickTrial." + }, + "key": "2763" + }, + { + "attributes": { + "blank": " ", + "id": "2764", + "language": "en", + "text_to_embed": "Testimony in the #KerrickTrial resumes as the court comes back in session, with the medical examiner presenting their findings on gunshot wounds." + }, + "key": "2764" + }, + { + "attributes": { + "blank": " ", + "id": "2765", + "language": "en", + "text_to_embed": "The #KerrickTrial reconvenes, and the medical examiner takes the stand to discuss the topic of gunshot wounds in their testimony." + }, + "key": "2765" + }, + { + "attributes": { + "blank": " ", + "id": "2766", + "language": "en", + "text_to_embed": "We return to a session at the court for the #KerrickTrial, where the medical examiner continues to testify about gunshot wounds." + }, + "key": "2766" + }, + { + "attributes": { + "blank": " ", + "id": "2767", + "language": "en", + "text_to_embed": "As the court reconvenes for the #KerrickTrial, the medical examiner takes the floor to discuss gunshot wounds in their testimony." + }, + "key": "2767" + }, + { + "attributes": { + "blank": " ", + "id": "2768", + "language": "en", + "text_to_embed": "The #KerrickTrial resumes, and the medical examiner resumes their testimony, specifically focusing on gunshot wounds." + }, + "key": "2768" + }, + { + "attributes": { + "blank": " ", + "id": "2770", + "language": "en", + "text_to_embed": "descended or sunk however it may be to the shadowed land beyond the crest of a striking cobra landing harshly upon his back; torch and" + }, + "key": "2770" + }, + { + "attributes": { + "blank": " ", + "id": "2773", + "language": "pt", + "text_to_embed": "desceu ou afundou-se, seja como for, para a terra sombria para lá da crista de uma cobra que pousou duramente nas suas costas; tocha e" + }, + "key": "2773" + }, + { + "attributes": { + "blank": " ", + "id": "2776", + "language": "ru", + "text_to_embed": "спустился или опустился, как бы то ни было, на затененную землю за гребнем разящей кобры, жестко приземлившейся на его спину; факел и" + }, + "key": "2776" + }, + { + "attributes": { + "blank": " ", + "id": "2780", + "language": "en", + "text_to_embed": "One Year on from the Sinjar Massacre #Yazidis Blast Lack of Action Over Hostages" + }, + "key": "2780" + }, + { + "attributes": { + "blank": " ", + "id": "2781", + "language": "en", + "text_to_embed": "\"One Year on from the Sinjar Massacre 🔥 #Yazidis Blast Lack of Action Over Hostages!!\"" + }, + "key": "2781" + }, + { + "attributes": { + "blank": " ", + "id": "2782", + "language": "en", + "text_to_embed": "\"One Year on from the Sinjar Massacre 😢 #Yazidis Blast Lack of Action Over Hostages...\"" + }, + "key": "2782" + }, + { + "attributes": { + "blank": " ", + "id": "2783", + "language": "en", + "text_to_embed": "\"One Year on from the Sinjar Massacre 🕯️ #Yazidis Blast Lack of Action Over Hostages!!\"" + }, + "key": "2783" + }, + { + "attributes": { + "blank": " ", + "id": "2784", + "language": "en", + "text_to_embed": "\"One Year on from the Sinjar Massacre 😔 #Yazidis Blast Lack of Action Over Hostages.\"" + }, + "key": "2784" + }, + { + "attributes": { + "blank": " ", + "id": "2785", + "language": "en", + "text_to_embed": "\"One Year on from the Sinjar Massacre 💔 #Yazidis Blast Lack of Action Over Hostages!\"" + }, + "key": "2785" + }, + { + "attributes": { + "blank": " ", + "id": "2786", + "language": "en", + "text_to_embed": "\"One Year on from the Sinjar Massacre 😡 #Yazidis Blast Lack of Action Over Hostages!!\"" + }, + "key": "2786" + }, + { + "attributes": { + "blank": " ", + "id": "2787", + "language": "en", + "text_to_embed": "\"One Year on from the Sinjar Massacre 🙏 #Yazidis Blast Lack of Action Over Hostages...\"" + }, + "key": "2787" + }, + { + "attributes": { + "blank": " ", + "id": "2788", + "language": "en", + "text_to_embed": "\"One Year on from the Sinjar Massacre 😱 #Yazidis Blast Lack of Action Over Hostages.\"" + }, + "key": "2788" + }, + { + "attributes": { + "blank": " ", + "id": "2790", + "language": "en", + "text_to_embed": "70 years since we annihilated 100000 people instantly and became aware that we have the ability to annihilate the whole of humanity" + }, + "key": "2790" + }, + { + "attributes": { + "blank": " ", + "id": "2791", + "language": "en", + "text_to_embed": "It has been 70 years since we instantly annihilated 100,000 individuals and realized our power to destroy all of humanity." + }, + "key": "2791" + }, + { + "attributes": { + "blank": " ", + "id": "2792", + "language": "en", + "text_to_embed": "70 years have passed since we wiped out 100,000 people in an instant, thus recognizing our capacity to eliminate the entire human race." + }, + "key": "2792" + }, + { + "attributes": { + "blank": " ", + "id": "2793", + "language": "en", + "text_to_embed": "The last 70 years have witnessed the immediate annihilation of 100,000 individuals, leading to our realization that we possess the capability to eradicate the entirety of mankind." + }, + "key": "2793" + }, + { + "attributes": { + "blank": " ", + "id": "2794", + "language": "en", + "text_to_embed": "Since we eradicated 100,000 people instantly, 70 years have gone by while we've become conscious of our ability to annihilate the whole of humanity." + }, + "key": "2794" + }, + { + "attributes": { + "blank": " ", + "id": "2795", + "language": "en", + "text_to_embed": "Our awareness of our potential to obliterate all of humanity arose 70 years ago when we swiftly annihilated 100,000 individuals." + }, + "key": "2795" + }, + { + "attributes": { + "blank": " ", + "id": "2796", + "language": "en", + "text_to_embed": "The discovery of our ability to exterminate the entire human race dawned on us 70 years ago, following the instantaneous annihilation of 100,000 people." + }, + "key": "2796" + }, + { + "attributes": { + "blank": " ", + "id": "2797", + "language": "en", + "text_to_embed": "70 years have lapsed since we destroyed 100,000 individuals without delay, an event that made us comprehend our capacity to wipe out the whole of humankind." + }, + "key": "2797" + }, + { + "attributes": { + "blank": " ", + "id": "2798", + "language": "en", + "text_to_embed": "It's been 70 years since we instantly destroyed 100,000 people and came to realize that we hold the power to obliterate mankind entirely." + }, + "key": "2798" + }, + { + "attributes": { + "blank": " ", + "id": "2800", + "language": "en", + "text_to_embed": "Tube strike live: Latest travel updates as London is engulfed" + }, + "key": "2800" + }, + { + "attributes": { + "blank": " ", + "id": "2801", + "language": "en", + "text_to_embed": "Tube strike live; Latest travel updates as London is engulfed." + }, + "key": "2801" + }, + { + "attributes": { + "blank": " ", + "id": "2802", + "language": "en", + "text_to_embed": "Tube strike live! Latest travel updates as London is engulfed." + }, + "key": "2802" + }, + { + "attributes": { + "blank": " ", + "id": "2803", + "language": "en", + "text_to_embed": "Tube strike live... Latest travel updates as London is engulfed." + }, + "key": "2803" + }, + { + "attributes": { + "blank": " ", + "id": "2804", + "language": "en", + "text_to_embed": "Tube strike live - Latest travel updates as London is engulfed." + }, + "key": "2804" + }, + { + "attributes": { + "blank": " ", + "id": "2805", + "language": "en", + "text_to_embed": "Tube strike live: Latest travel updates while London is engulfed." + }, + "key": "2805" + }, + { + "attributes": { + "blank": " ", + "id": "2806", + "language": "en", + "text_to_embed": "Tube strike live: Latest travel updates as chaos engulfs London." + }, + "key": "2806" + }, + { + "attributes": { + "blank": " ", + "id": "2807", + "language": "en", + "text_to_embed": "Tube strike live: Latest travel updates as London remains engulfed." + }, + "key": "2807" + }, + { + "attributes": { + "blank": " ", + "id": "2808", + "language": "en", + "text_to_embed": "Tube strike live: Latest travel updates for London's engulfed commuters." + }, + "key": "2808" + }, + { + "attributes": { + "blank": " ", + "id": "2810", + "language": "en", + "text_to_embed": "The best part of old baseball managers wearing uniforms is the implication that if something catastrophic happens they'll grab a glove." + }, + "key": "2810" + }, + { + "attributes": { + "blank": " ", + "id": "2811", + "language": "en", + "text_to_embed": "\"The #top part of old baseball managers wearing uniforms is the implication that if something catastrophic happens they'll grab a glove.\"" + }, + "key": "2811" + }, + { + "attributes": { + "blank": " ", + "id": "2812", + "language": "en", + "text_to_embed": "\"The best part of experienced baseball managers wearing uniforms is the implication that if something catastrophic happens they'll grab a glove.\"" + }, + "key": "2812" + }, + { + "attributes": { + "blank": " ", + "id": "2813", + "language": "en", + "text_to_embed": "\"The best part of old baseball coaches wearing uniforms is the implication that if something catastrophic happens they'll grab a glove.\"" + }, + "key": "2813" + }, + { + "attributes": { + "blank": " ", + "id": "2814", + "language": "en", + "text_to_embed": "\"The best part of old baseball managers wearing traditional uniforms is the implication that if something catastrophic happens they'll grab a glove.\"" + }, + "key": "2814" + }, + { + "attributes": { + "blank": " ", + "id": "2815", + "language": "en", + "text_to_embed": "\"The best part of old baseball managers donning uniforms is the implication that if something catastrophic happens they'll grab a glove.\"" + }, + "key": "2815" + }, + { + "attributes": { + "blank": " ", + "id": "2816", + "language": "en", + "text_to_embed": "\"The best part of classic baseball managers wearing uniforms is the implication that if something catastrophic happens they'll grab a glove.\"" + }, + "key": "2816" + }, + { + "attributes": { + "blank": " ", + "id": "2817", + "language": "en", + "text_to_embed": "\"The best part of old baseball managers wearing uniforms is the suggestion that if something catastrophic happens they'll grab a glove.\"" + }, + "key": "2817" + }, + { + "attributes": { + "blank": " ", + "id": "2818", + "language": "en", + "text_to_embed": "\"The best part of old baseball managers wearing uniforms is the implication that if something devastating happens they'll grab a glove.\"" + }, + "key": "2818" + }, + { + "attributes": { + "blank": " ", + "id": "2820", + "language": "en", + "text_to_embed": "Nigerian boxer ?who survived sessions with Klitschko becomes famous on YouTube" + }, + "key": "2820" + }, + { + "attributes": { + "blank": " ", + "id": "2821", + "language": "fr", + "text_to_embed": "Le boxeur nigérian qui a survécu aux séances de Klitschko devient célèbre sur YouTube" + }, + "key": "2821" + }, + { + "attributes": { + "blank": " ", + "id": "2822", + "language": "de", + "text_to_embed": "Nigerianischer Boxer, der die Kämpfe mit Klitschko überlebt hat, wird auf YouTube berühmt" + }, + "key": "2822" + }, + { + "attributes": { + "blank": " ", + "id": "2823", + "language": "pt", + "text_to_embed": "Pugilista nigeriano ?que sobreviveu a sessões com Klitschko torna-se famoso no YouTube" + }, + "key": "2823" + }, + { + "attributes": { + "blank": " ", + "id": "2825", + "language": "tr", + "text_to_embed": "Klitschko ile yaptığı seanslardan sağ kurtulan Nijeryalı boksör YouTube'da ünlü oldu" + }, + "key": "2825" + }, + { + "attributes": { + "blank": " ", + "id": "2826", + "language": "ru", + "text_to_embed": "Нигерийский боксер, переживший сеанс с Кличко, стал знаменитым на YouTube" + }, + "key": "2826" + }, + { + "attributes": { + "blank": " ", + "id": "2828", + "language": "it", + "text_to_embed": "Il pugile nigeriano sopravvissuto alle sedute con Klitschko diventa famoso su YouTube" + }, + "key": "2828" + }, + { + "attributes": { + "blank": " ", + "id": "2830", + "language": "en", + "text_to_embed": "That horrible sinking feeling when you've been at home on your phone for a while and you realise its been on 3G this whole time." + }, + "key": "2830" + }, + { + "attributes": { + "blank": " ", + "id": "2831", + "language": "fr", + "text_to_embed": "Cette horrible sensation de dégringolade lorsque vous êtes chez vous sur votre téléphone depuis un moment et que vous vous rendez compte qu'il a été sur 3G pendant tout ce temps." + }, + "key": "2831" + }, + { + "attributes": { + "blank": " ", + "id": "2832", + "language": "de", + "text_to_embed": "Dieses schreckliche Gefühl, wenn man zu Hause eine Weile mit dem Handy telefoniert hat und feststellt, dass es die ganze Zeit auf 3G lief." + }, + "key": "2832" + }, + { + "attributes": { + "blank": " ", + "id": "2833", + "language": "pt", + "text_to_embed": "Aquela sensação horrível de afundamento quando se está em casa com o telemóvel há algum tempo e se percebe que esteve sempre em 3G." + }, + "key": "2833" + }, + { + "attributes": { + "blank": " ", + "id": "2834", + "language": "zh", + "text_to_embed": "当你在家使用手机一段时间后,发现手机一直在使用 3G 时,那种可怕的下沉感。" + }, + "key": "2834" + }, + { + "attributes": { + "blank": " ", + "id": "2836", + "language": "ru", + "text_to_embed": "Это ужасное чувство замирания, когда ты долго сидишь дома с телефоном и понимаешь, что все это время он работал в 3G." + }, + "key": "2836" + }, + { + "attributes": { + "blank": " ", + "id": "2837", + "language": "ja", + "text_to_embed": "家でしばらく携帯電話を使っていて、ずっと3Gを使っていたことに気づいたときの、あの恐ろしい沈んだ感覚。" + }, + "key": "2837" + }, + { + "attributes": { + "blank": " ", + "id": "2838", + "language": "it", + "text_to_embed": "Quell'orribile sensazione di sprofondamento che si prova quando si è rimasti a casa con il telefono per un po' di tempo e ci si rende conto che è stato in 3G per tutto il tempo." + }, + "key": "2838" + }, + { + "attributes": { + "blank": " ", + "id": "2840", + "language": "en", + "text_to_embed": "I screamed when were running to John for 1st place! I'm so happy I love you guys ?? #AmazingRaceCanada" + }, + "key": "2840" + }, + { + "attributes": { + "blank": " ", + "id": "2841", + "language": "en", + "text_to_embed": "\"I screamed when they were running to John for 1st place! I'm so happy I love you all ?? #AmazingRaceCanada\"" + }, + "key": "2841" + }, + { + "attributes": { + "blank": " ", + "id": "2842", + "language": "en", + "text_to_embed": "\"I screamed when they were sprinting to John for 1st place! I'm so happy I love you guys ?? #AmazingRaceCanada\"" + }, + "key": "2842" + }, + { + "attributes": { + "blank": " ", + "id": "2843", + "language": "en", + "text_to_embed": "\"I screamed when they were racing to John for 1st place! I'm so happy I love you guys ?? #AmazingRaceCanada\"" + }, + "key": "2843" + }, + { + "attributes": { + "blank": " ", + "id": "2844", + "language": "en", + "text_to_embed": "\"I screamed when they were dashing to John for 1st place! I'm so happy I love you guys ?? #AmazingRaceCanada\"" + }, + "key": "2844" + }, + { + "attributes": { + "blank": " ", + "id": "2845", + "language": "en", + "text_to_embed": "\"I screamed when they were rushing to John for 1st place! I'm so happy I love you guys ?? #AmazingRaceCanada\"" + }, + "key": "2845" + }, + { + "attributes": { + "blank": " ", + "id": "2846", + "language": "en", + "text_to_embed": "\"I screamed when they were flying to John for 1st place! I'm so happy I love you guys ?? #AmazingRaceCanada\"" + }, + "key": "2846" + }, + { + "attributes": { + "blank": " ", + "id": "2847", + "language": "en", + "text_to_embed": "\"I screamed when they were charging to John for 1st place! I'm so happy I love you guys ?? #AmazingRaceCanada\"" + }, + "key": "2847" + }, + { + "attributes": { + "blank": " ", + "id": "2848", + "language": "en", + "text_to_embed": "\"I screamed when they were zooming to John for 1st place! I'm so happy I love you guys ?? #AmazingRaceCanada\"" + }, + "key": "2848" + }, + { + "attributes": { + "blank": " ", + "id": "2850", + "language": "en", + "text_to_embed": "Combating #fear of #terrorismturn off your tv ;Veterans For Peace Calls 4 an End 2 #NATO #VFP" + }, + "key": "2850" + }, + { + "attributes": { + "blank": " ", + "id": "2851", + "language": "fr", + "text_to_embed": "Combattre la #peur du #terrorisme éteint la télé ;Veterans For Peace demande la fin de l'OTAN #VFP" + }, + "key": "2851" + }, + { + "attributes": { + "blank": " ", + "id": "2852", + "language": "de", + "text_to_embed": "Bekämpfung der #Angst vor #Terrorismus Schalten Sie Ihren Fernseher aus ;Veterans For Peace Calls 4 an End 2 #NATO #VFP" + }, + "key": "2852" + }, + { + "attributes": { + "blank": " ", + "id": "2853", + "language": "pt", + "text_to_embed": "Combater o #medo do #terrorismo desligue a sua televisão ;Veteranos pela Paz Apela ao fim da #NATO #VFP" + }, + "key": "2853" + }, + { + "attributes": { + "blank": " ", + "id": "2854", + "language": "zh", + "text_to_embed": "消除对恐怖主义的恐惧,关掉电视;退伍军人促进和平协会呼吁结束北约 #VFP" + }, + "key": "2854" + }, + { + "attributes": { + "blank": " ", + "id": "2855", + "language": "tr", + "text_to_embed": "Terörizm #korkusuyla mücadele #televizyonunuzu kapatın ;Veterans For Peace Calls 4 an End 2 #NATO #VFP" + }, + "key": "2855" + }, + { + "attributes": { + "blank": " ", + "id": "2856", + "language": "ru", + "text_to_embed": "Борьба с #страхом #терроризмавыключите #телевизор ;Ветераны за мир призывают покончить с #НАТО #VFP" + }, + "key": "2856" + }, + { + "attributes": { + "blank": " ", + "id": "2857", + "language": "ja", + "text_to_embed": "Veterans For Peace Calls 4 an End 2 #NATO #VFP #テロリズムの恐怖と闘う。" + }, + "key": "2857" + }, + { + "attributes": { + "blank": " ", + "id": "2858", + "language": "it", + "text_to_embed": "Lotta alla #paura del #terrorismo spegnete la tv ;Veterans For Peace chiede la fine della #NATO #VFP" + }, + "key": "2858" + }, + { + "attributes": { + "blank": " ", + "id": "2860", + "language": "en", + "text_to_embed": "INFOGRAPHIC: At least 20 Turkish security officials killed in PKK and ISIS terror attacks since Suruc suicide bombing" + }, + "key": "2860" + }, + { + "attributes": { + "blank": " ", + "id": "2861", + "language": "fr", + "text_to_embed": "INFOGRAPHIC : Au moins 20 agents de sécurité turcs tués dans des attaques terroristes du PKK et de l'ISIS depuis l'attentat suicide de Suruc" + }, + "key": "2861" + }, + { + "attributes": { + "blank": " ", + "id": "2862", + "language": "de", + "text_to_embed": "INFOGRAPHIE: Mindestens 20 türkische Sicherheitsbeamte bei PKK- und ISIS-Terroranschlägen seit Selbstmordattentat in Suruc getötet" + }, + "key": "2862" + }, + { + "attributes": { + "blank": " ", + "id": "2863", + "language": "pt", + "text_to_embed": "INFOGRÁFICO: Pelo menos 20 agentes de segurança turcos mortos em ataques terroristas do PKK e do ISIS desde o atentado suicida em Suruc" + }, + "key": "2863" + }, + { + "attributes": { + "blank": " ", + "id": "2864", + "language": "zh", + "text_to_embed": "资料图:自苏鲁克自杀式爆炸事件以来,至少有 20 名土耳其安全官员在库尔德工人党和伊斯兰国的恐怖袭击中丧生" + }, + "key": "2864" + }, + { + "attributes": { + "blank": " ", + "id": "2865", + "language": "tr", + "text_to_embed": "İNFOGRAFİK: Suruç'taki intihar saldırısından bu yana PKK ve IŞİD terör saldırılarında en az 20 Türk güvenlik görevlisi öldü" + }, + "key": "2865" + }, + { + "attributes": { + "blank": " ", + "id": "2866", + "language": "ru", + "text_to_embed": "ИНФОГРАФИКА: По меньшей мере 20 сотрудников турецких служб безопасности погибли в результате терактов РПК и ИГИЛ после взрыва смертника в Суруче" + }, + "key": "2866" + }, + { + "attributes": { + "blank": " ", + "id": "2867", + "language": "ja", + "text_to_embed": "INFOGRAPHIC: スルック自爆テロ以来、PKKとISISのテロ攻撃で少なくとも20人のトルコ治安当局者が殺害される" + }, + "key": "2867" + }, + { + "attributes": { + "blank": " ", + "id": "2868", + "language": "it", + "text_to_embed": "INFOGRAFICA: Almeno 20 funzionari di sicurezza turchi uccisi in attacchi terroristici del PKK e dell'ISIS dopo l'attentato suicida di Suruc" + }, + "key": "2868" + }, + { + "attributes": { + "blank": " ", + "id": "2870", + "language": "en", + "text_to_embed": "Thank You Senator for your Leadership on #IranDeal . Our Military deserves nothing less. THANK YOU!!" + }, + "key": "2870" + }, + { + "attributes": { + "blank": " ", + "id": "2871", + "language": "en", + "text_to_embed": "Senator, we extend our gratitude for your exemplary leadership on the #IranDeal. Our military truly deserves this recognition. Many thanks!" + }, + "key": "2871" + }, + { + "attributes": { + "blank": " ", + "id": "2872", + "language": "en", + "text_to_embed": "We deeply appreciate your leadership on the #IranDeal, Senator. Our military certainly deserves no less. Thank you immensely!" + }, + "key": "2872" + }, + { + "attributes": { + "blank": " ", + "id": "2873", + "language": "en", + "text_to_embed": "Thank you, Senator, for your outstanding leadership on the #IranDeal. Our military deserves nothing but the best. Many thanks!" + }, + "key": "2873" + }, + { + "attributes": { + "blank": " ", + "id": "2874", + "language": "en", + "text_to_embed": "Senator, we thank you wholeheartedly for your exceptional leadership on the #IranDeal. Our military truly deserves this recognition. Thank you!" + }, + "key": "2874" + }, + { + "attributes": { + "blank": " ", + "id": "2875", + "language": "en", + "text_to_embed": "We express our utmost gratitude, Senator, for your commendable leadership on the #IranDeal. Our military deserves nothing less. Thank you so much!" + }, + "key": "2875" + }, + { + "attributes": { + "blank": " ", + "id": "2876", + "language": "en", + "text_to_embed": "Thank you, Senator, for your incredible leadership on the #IranDeal. Our military absolutely deserves this recognition. Many thanks!" + }, + "key": "2876" + }, + { + "attributes": { + "blank": " ", + "id": "2877", + "language": "en", + "text_to_embed": "We extend our sincerest thanks, Senator, for your remarkable leadership on the #IranDeal. Our military deserves nothing but the best. Thank you!" + }, + "key": "2877" + }, + { + "attributes": { + "blank": " ", + "id": "2878", + "language": "en", + "text_to_embed": "Senator, we cannot thank you enough for your unwavering leadership on the #IranDeal. Our military truly deserves this recognition. Thank you immensely!" + }, + "key": "2878" + }, + { + "attributes": { + "blank": " ", + "id": "2880", + "language": "en", + "text_to_embed": "World News 'The Latest: More homes razed by Northern California wildfire -" + }, + "key": "2880" + }, + { + "attributes": { + "blank": " ", + "id": "2881", + "language": "en", + "text_to_embed": "Northern California wildfire continues to destroy more homes, according to the latest report." + }, + "key": "2881" + }, + { + "attributes": { + "blank": " ", + "id": "2882", + "language": "en", + "text_to_embed": "An increasing number of homes have been destroyed by the Northern California wildfire, as reported recently." + }, + "key": "2882" + }, + { + "attributes": { + "blank": " ", + "id": "2883", + "language": "en", + "text_to_embed": "The most recent update reveals that the Northern California wildfire has demolished additional homes." + }, + "key": "2883" + }, + { + "attributes": { + "blank": " ", + "id": "2884", + "language": "en", + "text_to_embed": "The number of homes destroyed by the Northern California wildfire has risen, as per the latest news." + }, + "key": "2884" + }, + { + "attributes": { + "blank": " ", + "id": "2885", + "language": "en", + "text_to_embed": "Additional houses have been razed by the wildfire in Northern California, as stated in the latest report." + }, + "key": "2885" + }, + { + "attributes": { + "blank": " ", + "id": "2886", + "language": "en", + "text_to_embed": "According to the most recent information, the Northern California wildfire has claimed more homes." + }, + "key": "2886" + }, + { + "attributes": { + "blank": " ", + "id": "2887", + "language": "en", + "text_to_embed": "The latest update confirms that the Northern California wildfire has resulted in further destruction of residential properties." + }, + "key": "2887" + }, + { + "attributes": { + "blank": " ", + "id": "2888", + "language": "en", + "text_to_embed": "More homes have been demolished by the Northern California wildfire, according to the latest news." + }, + "key": "2888" + }, + { + "attributes": { + "blank": " ", + "id": "2890", + "language": "en", + "text_to_embed": "08 Army personnel including 5 Majors were martyred when a helicopter of Army Medical Corps crashed near Mansehra." + }, + "key": "2890" + }, + { + "attributes": { + "blank": " ", + "id": "2891", + "language": "en", + "text_to_embed": "\"The tragic incident near Mansehra resulted in the loss of 08 Army personnel, including 5 Majors, who were martyred due to the crash of an Army Medical Corps helicopter.\"" + }, + "key": "2891" + }, + { + "attributes": { + "blank": " ", + "id": "2892", + "language": "en", + "text_to_embed": "\"An Army Medical Corps helicopter crashed near Mansehra, leading to the martyrdom of 08 Army personnel, including 5 Majors.\"" + }, + "key": "2892" + }, + { + "attributes": { + "blank": " ", + "id": "2893", + "language": "en", + "text_to_embed": "\"A total of 08 Army personnel, comprising of 5 Majors, were tragically martyred as a result of a helicopter crash near Mansehra in the Army Medical Corps.\"" + }, + "key": "2893" + }, + { + "attributes": { + "blank": " ", + "id": "2894", + "language": "en", + "text_to_embed": "\"The crash of an Army Medical Corps helicopter near Mansehra claimed the lives of 08 Army personnel, among them 5 Majors, who were martyred.\"" + }, + "key": "2894" + }, + { + "attributes": { + "blank": " ", + "id": "2895", + "language": "en", + "text_to_embed": "\"Near Mansehra, an Army Medical Corps helicopter crash resulted in the martyrdom of 08 Army personnel, including 5 Majors.\"" + }, + "key": "2895" + }, + { + "attributes": { + "blank": " ", + "id": "2896", + "language": "en", + "text_to_embed": "\"When a helicopter belonging to the Army Medical Corps crashed near Mansehra, it tragically led to the martyrdom of 08 Army personnel, 5 of whom were Majors.\"" + }, + "key": "2896" + }, + { + "attributes": { + "blank": " ", + "id": "2897", + "language": "en", + "text_to_embed": "\"The tragic incident near Mansehra involving the crash of an Army Medical Corps helicopter caused the martyrdom of 08 Army personnel, comprising of 5 Majors.\"" + }, + "key": "2897" + }, + { + "attributes": { + "blank": " ", + "id": "2898", + "language": "en", + "text_to_embed": "\"A helicopter crash near Mansehra claimed the lives of 08 Army personnel, including 5 Majors, as they valiantly served in the Army Medical Corps.\"" + }, + "key": "2898" + }, + { + "attributes": { + "blank": " ", + "id": "2900", + "language": "en", + "text_to_embed": "Overall the English lads did very well today. They need to pile on and get over 400 runs ahead and destroy..." + }, + "key": "2900" + }, + { + "attributes": { + "blank": " ", + "id": "2901", + "language": "fr", + "text_to_embed": "Dans l'ensemble, les Anglais se sont très bien comportés aujourd'hui. Ils doivent continuer à progresser et dépasser les 400 runs d'avance pour détruire..." + }, + "key": "2901" + }, + { + "attributes": { + "blank": " ", + "id": "2902", + "language": "de", + "text_to_embed": "Insgesamt haben sich die englischen Jungs heute sehr gut geschlagen. Sie müssen sich steigern und mehr als 400 Runs erzielen, um die..." + }, + "key": "2902" + }, + { + "attributes": { + "blank": " ", + "id": "2903", + "language": "pt", + "text_to_embed": "No geral, os rapazes ingleses estiveram muito bem hoje. Precisam de se empenhar e ultrapassar os 400 runs e destruir..." + }, + "key": "2903" + }, + { + "attributes": { + "blank": " ", + "id": "2904", + "language": "zh", + "text_to_embed": "总的来说,英国小伙子们今天的表现非常出色。他们需要再接再厉,取得超过 400 分的领先优势,并摧毁..." + }, + "key": "2904" + }, + { + "attributes": { + "blank": " ", + "id": "2906", + "language": "ru", + "text_to_embed": "В целом англичане сегодня выступили очень хорошо. Им нужно прибавить, набрать более 400 очков и уничтожить..." + }, + "key": "2906" + }, + { + "attributes": { + "blank": " ", + "id": "2908", + "language": "it", + "text_to_embed": "Nel complesso i ragazzi inglesi si sono comportati molto bene oggi. Devono continuare ad accumulare e superare i 400 punti di vantaggio e distruggere..." + }, + "key": "2908" + }, + { + "attributes": { + "blank": " ", + "id": "2910", + "language": "en", + "text_to_embed": "Another movie theater attack..close to home this time. Thankful for no casualties. Life will go on because we cannot allow evil to win!" + }, + "key": "2910" + }, + { + "attributes": { + "blank": " ", + "id": "2911", + "language": "fr", + "text_to_embed": "Un autre attentat dans un cinéma, près de chez nous cette fois. Heureusement, il n'y a pas eu de victimes. La vie continuera parce que nous ne pouvons pas laisser le mal gagner !" + }, + "key": "2911" + }, + { + "attributes": { + "blank": " ", + "id": "2912", + "language": "de", + "text_to_embed": "Ein weiterer Anschlag auf ein Kino, dieses Mal ganz in der Nähe. Wir sind dankbar, dass es keine Opfer gibt. Das Leben wird weitergehen, denn wir können nicht zulassen, dass das Böse gewinnt!" + }, + "key": "2912" + }, + { + "attributes": { + "blank": " ", + "id": "2913", + "language": "pt", + "text_to_embed": "Outro ataque a um cinema... desta vez perto de casa. Graças a Deus, não houve vítimas. A vida vai continuar porque não podemos permitir que o mal vença!" + }, + "key": "2913" + }, + { + "attributes": { + "blank": " ", + "id": "2914", + "language": "zh", + "text_to_embed": "又一起电影院袭击事件。感谢没有人员伤亡。生活还要继续,因为我们不能让邪恶得逞!" + }, + "key": "2914" + }, + { + "attributes": { + "blank": " ", + "id": "2916", + "language": "ru", + "text_to_embed": "Еще один теракт в кинотеатре... на этот раз недалеко от дома. Спасибо, что обошлось без жертв. Жизнь будет продолжаться, потому что мы не можем позволить злу победить!" + }, + "key": "2916" + }, + { + "attributes": { + "blank": " ", + "id": "2918", + "language": "it", + "text_to_embed": "Un altro attacco al cinema... questa volta vicino a casa. Grazie per non aver fatto vittime. La vita continuerà perché non possiamo permettere al male di vincere!" + }, + "key": "2918" + }, + { + "attributes": { + "blank": " ", + "id": "2920", + "language": "en", + "text_to_embed": "Governor weighs parole for California school bus hijacker" + }, + "key": "2920" + }, + { + "attributes": { + "blank": " ", + "id": "2921", + "language": "en", + "text_to_embed": "The parole possibility for the California school bus hijacker is being contemplated by the governor." + }, + "key": "2921" + }, + { + "attributes": { + "blank": " ", + "id": "2922", + "language": "en", + "text_to_embed": "The governor is considering granting parole to the California school bus hijacker." + }, + "key": "2922" + }, + { + "attributes": { + "blank": " ", + "id": "2923", + "language": "en", + "text_to_embed": "Parole is under scrutiny by the governor for the California school bus hijacker." + }, + "key": "2923" + }, + { + "attributes": { + "blank": " ", + "id": "2924", + "language": "en", + "text_to_embed": "The California school bus hijacker's potential parole is being assessed by the governor." + }, + "key": "2924" + }, + { + "attributes": { + "blank": " ", + "id": "2925", + "language": "en", + "text_to_embed": "The governor is pondering whether to grant parole to the California school bus hijacker." + }, + "key": "2925" + }, + { + "attributes": { + "blank": " ", + "id": "2926", + "language": "en", + "text_to_embed": "Parole for the California school bus hijacker is being deliberated by the governor." + }, + "key": "2926" + }, + { + "attributes": { + "blank": " ", + "id": "2927", + "language": "en", + "text_to_embed": "The governor is weighing the option of parole for the California school bus hijacker." + }, + "key": "2927" + }, + { + "attributes": { + "blank": " ", + "id": "2928", + "language": "en", + "text_to_embed": "The California school bus hijacker's parole is being evaluated by the governor." + }, + "key": "2928" + }, + { + "attributes": { + "blank": " ", + "id": "2930", + "language": "en", + "text_to_embed": "Remove the and Linkury Browser Hijacker" + }, + "key": "2930" + }, + { + "attributes": { + "blank": " ", + "id": "2932", + "language": "en", + "text_to_embed": "Remove the & Linkury Browser Hijacker." + }, + "key": "2932" + }, + { + "attributes": { + "blank": " ", + "id": "2933", + "language": "en", + "text_to_embed": "Remove the Linkury Browser Hijacker." + }, + "key": "2933" + }, + { + "attributes": { + "blank": " ", + "id": "2934", + "language": "en", + "text_to_embed": "Remove the ✂️ Linkury Browser Hijacker." + }, + "key": "2934" + }, + { + "attributes": { + "blank": " ", + "id": "2935", + "language": "en", + "text_to_embed": "Remove the 👉 Linkury Browser Hijacker." + }, + "key": "2935" + }, + { + "attributes": { + "blank": " ", + "id": "2936", + "language": "en", + "text_to_embed": "\"Remove the 🚫 Linkury Browser Hijacker!\"" + }, + "key": "2936" + }, + { + "attributes": { + "blank": " ", + "id": "2937", + "language": "en", + "text_to_embed": "Remove the ❌ Linkury Browser Hijacker." + }, + "key": "2937" + }, + { + "attributes": { + "blank": " ", + "id": "2938", + "language": "en", + "text_to_embed": "Remove the ‼️ Linkury Browser Hijacker!" + }, + "key": "2938" + }, + { + "attributes": { + "blank": " ", + "id": "2941", + "language": "en", + "text_to_embed": "I made the choice to temporarily pause my emotional turmoil and indulge in the movie \"Tangled,\" followed by \"Desolation of Smaug.\"" + }, + "key": "2941" + }, + { + "attributes": { + "blank": " ", + "id": "2942", + "language": "en", + "text_to_embed": "I opted for a respite from my emotional devastation and opted to watch the films \"Tangled\" and \"Desolation of Smaug.\"" + }, + "key": "2942" + }, + { + "attributes": { + "blank": " ", + "id": "2943", + "language": "en", + "text_to_embed": "I concluded that taking a break from my emotional turmoil was necessary, so I settled on viewing \"Tangled\" and then \"Desolation of Smaug.\"" + }, + "key": "2943" + }, + { + "attributes": { + "blank": " ", + "id": "2944", + "language": "en", + "text_to_embed": "In an effort to escape my emotional wreckage, I decided to unwind by watching \"Tangled\" first and then \"Desolation of Smaug.\"" + }, + "key": "2944" + }, + { + "attributes": { + "blank": " ", + "id": "2945", + "language": "en", + "text_to_embed": "After considering my emotional distress, I determined it was time for a break and decided to enjoy the movies \"Tangled\" and \"Desolation of Smaug.\"" + }, + "key": "2945" + }, + { + "attributes": { + "blank": " ", + "id": "2946", + "language": "en", + "text_to_embed": "Recognizing the need to detach from my emotional destruction, I resolved to watch \"Tangled\" and then \"Desolation of Smaug.\"" + }, + "key": "2946" + }, + { + "attributes": { + "blank": " ", + "id": "2947", + "language": "en", + "text_to_embed": "Realizing the toll my emotional downfall was taking on me, I resolved to watch \"Tangled\" and then \"Desolation of Smaug\" as a form of escapism." + }, + "key": "2947" + }, + { + "attributes": { + "blank": " ", + "id": "2948", + "language": "en", + "text_to_embed": "Seeing how my emotional turmoil was affecting me, I resolved to detach temporarily and indulge in the films \"Tangled\" and \"Desolation of Smaug.\"" + }, + "key": "2948" + }, + { + "attributes": { + "blank": " ", + "id": "2950", + "language": "en", + "text_to_embed": "Enugu Government to demolish illegal structures at International Conference Centre RT" + }, + "key": "2950" + }, + { + "attributes": { + "blank": " ", + "id": "2951", + "language": "fr", + "text_to_embed": "Le gouvernement d'Enugu va démolir les structures illégales du centre de conférence international RT" + }, + "key": "2951" + }, + { + "attributes": { + "blank": " ", + "id": "2952", + "language": "de", + "text_to_embed": "Die Regierung von Enugu will illegale Bauten im Internationalen Konferenzzentrum RT abreißen" + }, + "key": "2952" + }, + { + "attributes": { + "blank": " ", + "id": "2953", + "language": "pt", + "text_to_embed": "O Governo de Enugu vai demolir estruturas ilegais no Centro Internacional de Conferências RT" + }, + "key": "2953" + }, + { + "attributes": { + "blank": " ", + "id": "2954", + "language": "zh", + "text_to_embed": "埃努古政府拆除国际会议中心的违章建筑 RT" + }, + "key": "2954" + }, + { + "attributes": { + "blank": " ", + "id": "2955", + "language": "tr", + "text_to_embed": "Enugu Hükümeti Uluslararası Konferans Merkezi RT'deki yasadışı yapıları yıkacak" + }, + "key": "2955" + }, + { + "attributes": { + "blank": " ", + "id": "2956", + "language": "ru", + "text_to_embed": "Правительство Энугу снесет незаконные постройки в Международном конференц-центре RT" + }, + "key": "2956" + }, + { + "attributes": { + "blank": " ", + "id": "2957", + "language": "ja", + "text_to_embed": "エヌグ政府、国際会議場の違法建築物を取り壊す RT" + }, + "key": "2957" + }, + { + "attributes": { + "blank": " ", + "id": "2958", + "language": "it", + "text_to_embed": "Il governo di Enugu demolisce le strutture illegali del Centro Congressi Internazionale RT" + }, + "key": "2958" + }, + { + "attributes": { + "blank": " ", + "id": "2960", + "language": "en", + "text_to_embed": "Experts in France begin examining airplane debris found on Reunion Island: French air accident experts on Wedn..." + }, + "key": "2960" + }, + { + "attributes": { + "blank": " ", + "id": "2961", + "language": "fr", + "text_to_embed": "Les experts français commencent à examiner les débris d'avion retrouvés sur l'île de la Réunion : Les experts français en accidents aériens..." + }, + "key": "2961" + }, + { + "attributes": { + "blank": " ", + "id": "2962", + "language": "de", + "text_to_embed": "Experten in Frankreich beginnen mit der Untersuchung der auf der Insel La Réunion gefundenen Flugzeugtrümmer: Französische Flugunfallexperten haben am Mittwoch..." + }, + "key": "2962" + }, + { + "attributes": { + "blank": " ", + "id": "2963", + "language": "pt", + "text_to_embed": "Peritos franceses começam a examinar os destroços de um avião encontrado na Ilha da Reunião: Peritos franceses em acidentes aéreos começaram a..." + }, + "key": "2963" + }, + { + "attributes": { + "blank": " ", + "id": "2964", + "language": "zh", + "text_to_embed": "法国专家开始检查在留尼汪岛发现的飞机残骸:法国空难专家周三在留尼汪岛发现飞机残骸" + }, + "key": "2964" + }, + { + "attributes": { + "blank": " ", + "id": "2965", + "language": "tr", + "text_to_embed": "Fransa'daki uzmanlar Reunion Adası'nda bulunan uçak enkazını incelemeye başladı: Fransız hava kazası uzmanları Çarşamba günü..." + }, + "key": "2965" + }, + { + "attributes": { + "blank": " ", + "id": "2966", + "language": "ru", + "text_to_embed": "Французские эксперты приступили к изучению обломков самолета, найденных на острове Реюньон: Французские эксперты по авиационным происшествиям в среду..." + }, + "key": "2966" + }, + { + "attributes": { + "blank": " ", + "id": "2967", + "language": "ja", + "text_to_embed": "フランスの専門家、レユニオン島で発見された航空機の残骸の調査を開始:フランスの航空事故専門家たちは水曜日..." + }, + "key": "2967" + }, + { + "attributes": { + "blank": " ", + "id": "2968", + "language": "it", + "text_to_embed": "Gli esperti francesi iniziano a esaminare i detriti dell'aereo trovato sull'isola della Riunione: Mercoledì gli esperti francesi di incidenti aerei..." + }, + "key": "2968" + }, + { + "attributes": { + "blank": " ", + "id": "2972", + "language": "en", + "text_to_embed": "As I laid my eyes on the train coaches sinking into the water, a wave of terror washed over me." + }, + "key": "2972" + }, + { + "attributes": { + "blank": " ", + "id": "2973", + "language": "en", + "text_to_embed": "The sight of the train coaches being engulfed by the water filled me with horror." + }, + "key": "2973" + }, + { + "attributes": { + "blank": " ", + "id": "2974", + "language": "en", + "text_to_embed": "I will never forget the moment I witnessed the train coaches descending into the water, recounting it sends shivers down my spine." + }, + "key": "2974" + }, + { + "attributes": { + "blank": " ", + "id": "2975", + "language": "en", + "text_to_embed": "The train tragedy in Madhya Pradesh left me speechless as the coaches sank into the water." + }, + "key": "2975" + }, + { + "attributes": { + "blank": " ", + "id": "2977", + "language": "en", + "text_to_embed": "Remembering the train accident in Madhya Pradesh, I can still see the coaches disappearing into the water." + }, + "key": "2977" + }, + { + "attributes": { + "blank": " ", + "id": "2980", + "language": "en", + "text_to_embed": "10-Month-Old Baby Girl was Rescued by Coastguard after She Floated HALF A MILE Out to Sea!" + }, + "key": "2980" + }, + { + "attributes": { + "blank": " ", + "id": "2981", + "language": "en", + "text_to_embed": "The Coastguard rescued a 10-month-old baby girl who had floated half a mile out to sea." + }, + "key": "2981" + }, + { + "attributes": { + "blank": " ", + "id": "2982", + "language": "en", + "text_to_embed": "After floating half a mile out to sea, a 10-month-old baby girl was saved by the Coastguard." + }, + "key": "2982" + }, + { + "attributes": { + "blank": " ", + "id": "2983", + "language": "en", + "text_to_embed": "The Coastguard successfully rescued a 10-month-old baby girl who had drifted half a mile out to sea." + }, + "key": "2983" + }, + { + "attributes": { + "blank": " ", + "id": "2984", + "language": "en", + "text_to_embed": "Half a mile from shore, a 10-month-old baby girl was saved by the Coastguard." + }, + "key": "2984" + }, + { + "attributes": { + "blank": " ", + "id": "2985", + "language": "en", + "text_to_embed": "The Coastguard came to the rescue when a 10-month-old baby girl floated half a mile out to sea." + }, + "key": "2985" + }, + { + "attributes": { + "blank": " ", + "id": "2986", + "language": "en", + "text_to_embed": "After drifting half a mile out to sea, a 10-month-old baby girl was saved by the Coastguard." + }, + "key": "2986" + }, + { + "attributes": { + "blank": " ", + "id": "2987", + "language": "en", + "text_to_embed": "A 10-month-old baby girl was rescued by the Coastguard after floating half a mile out to sea." + }, + "key": "2987" + }, + { + "attributes": { + "blank": " ", + "id": "2988", + "language": "en", + "text_to_embed": "The Coastguard rushed to save a 10-month-old baby girl who had drifted half a mile out to sea." + }, + "key": "2988" + }, + { + "attributes": { + "blank": " ", + "id": "2991", + "language": "en", + "text_to_embed": "Unsolved Enigmas of the Past: Coincidence or Curse?" + }, + "key": "2991" + }, + { + "attributes": { + "blank": " ", + "id": "2992", + "language": "en", + "text_to_embed": "Past Mysteries: A Puzzle of Coincidence or Curse, Yet Unresolved" + }, + "key": "2992" + }, + { + "attributes": { + "blank": " ", + "id": "2993", + "language": "en", + "text_to_embed": "Unearthing Historical Riddles: Coincidence Versus Curse, Still Shrouded in Mystery" + }, + "key": "2993" + }, + { + "attributes": { + "blank": " ", + "id": "2994", + "language": "en", + "text_to_embed": "From History's Shadows: Unresolved Enigmas - Coincidence or Curse?" + }, + "key": "2994" + }, + { + "attributes": { + "blank": " ", + "id": "2995", + "language": "en", + "text_to_embed": "The Past's Unresolved Secrets: Balancing Between Coincidence and Curse" + }, + "key": "2995" + }, + { + "attributes": { + "blank": " ", + "id": "2996", + "language": "en", + "text_to_embed": "Coincidence or Curse? Lingering Enigmas from the Past Remain Unsolved" + }, + "key": "2996" + }, + { + "attributes": { + "blank": " ", + "id": "2997", + "language": "en", + "text_to_embed": "Unresolved Historical Secrets: The Dilemma of Coincidence Or Curse" + }, + "key": "2997" + }, + { + "attributes": { + "blank": " ", + "id": "3000", + "language": "en", + "text_to_embed": "Demolition underway on stadium project. Stay updated throughout at" + }, + "key": "3000" + }, + { + "attributes": { + "blank": " ", + "id": "3001", + "language": "en", + "text_to_embed": "#Demolition underway on the stadium construct. Stay updated throughout at" + }, + "key": "3001" + }, + { + "attributes": { + "blank": " ", + "id": "3002", + "language": "en", + "text_to_embed": "#Destruction underway on the stadium project. Stay informed throughout at" + }, + "key": "3002" + }, + { + "attributes": { + "blank": " ", + "id": "3003", + "language": "en", + "text_to_embed": "#Demolition commencing on the stadium project. Stay updated throughout at" + }, + "key": "3003" + }, + { + "attributes": { + "blank": " ", + "id": "3004", + "language": "en", + "text_to_embed": "#Demolition in progress on the stadium project. Stay updated throughout at" + }, + "key": "3004" + }, + { + "attributes": { + "blank": " ", + "id": "3005", + "language": "en", + "text_to_embed": "#Tearing down underway on the stadium project. Stay updated throughout at" + }, + "key": "3005" + }, + { + "attributes": { + "blank": " ", + "id": "3006", + "language": "en", + "text_to_embed": "#Demolition initiated on the stadium project. Stay updated throughout at" + }, + "key": "3006" + }, + { + "attributes": { + "blank": " ", + "id": "3007", + "language": "en", + "text_to_embed": "#Demolition underway on the arena project. Stay updated throughout at" + }, + "key": "3007" + }, + { + "attributes": { + "blank": " ", + "id": "19", + "language": "es", + "text_to_embed": "Con esta novela, he completado los cinco libros que me enviaron como parte de una campaña especial de Masa Crítica, así que es normal que empiece esta reseña dando las gracias a babelio y a Kennes, porque estoy encantada de haber descubierto su nueva serie K, aunque esta última lectura me haya dejado una mala impresión." + }, + "key": "19" + }, + { + "attributes": { + "blank": " ", + "id": "29", + "language": "fr", + "text_to_embed": "Bien que le premier tome ne m'ait pas vraiment passionné, étant efficace mais peu innovant, j'ai tout de même décidé de lire le second. Cependant, les défauts étaient encore plus évidents à mes yeux." + }, + "key": "29" + }, + { + "attributes": { + "blank": " ", + "id": "39", + "language": "es", + "text_to_embed": "Escribir un libro sin la letra \"e\" aún merece algunas estrellas. Pero sobre todo me alegro de haber guardado este libro, debo haber tardado dos o tres meses en terminar de leerlo. Las primeras páginas son excelentes, un festival de humor negro y/o absurdo. Una pura delicia." + }, + "key": "39" + }, + { + "attributes": { + "blank": " ", + "id": "37", + "language": "ja", + "text_to_embed": "e」の文字がない本を書くことは、やはり星をいくつかつけるに値する。読み終えるのに2、3ヶ月はかかっただろう。最初の数ページは素晴らしく、ブラックユーモアや不条理ユーモアの祭典だ。純粋な喜びだ。" + }, + "key": "37" + }, + { + "attributes": { + "blank": " ", + "id": "49", + "language": "fr", + "text_to_embed": "L'intérêt d'un livre très malade, c'est que les symptômes sont visibles dès les premiers maux. Et La vérité sur l'affaire Harry Quebert est un roman à l'agonie puisque c'est dès les premières phrases que vous aurez droit à ce que l'on nomme communément \"le cliché\". La langue française est assez riche pour s'en passer, mais les écrivains handicapés à vie d'un peu de talent s'appuient sur les clichés comme d'autres sur leurs béquilles. 💔🖋️ #livre" + }, + "key": "49" + }, + { + "attributes": { + "blank": " ", + "id": "59", + "language": "fr", + "text_to_embed": "River se distingue en étant une adolescente \"différente\" : elle peine à s'intégrer et à gérer les interactions sociales, se trouvant toujours submergée par un excès d'émotions et étant appelée \"le boulet\" par sa sœur en raison des multiples catastrophes qu'elle cause. En conséquence, elle est mise à l'écart au collège et rapidement harcelée. Parviendra-t-elle à surmonter cette épreuve ?" + }, + "key": "59" + }, + { + "attributes": { + "blank": " ", + "id": "69", + "language": "es", + "text_to_embed": "Una historia bastante disparatada (pero, ¿por qué no?) de dos suicidas que se encuentran al mismo tiempo, en el mismo lugar, para cumplir su fatídico destino. Salen en busca de otros suicidas finlandeses y los reúnen en un sótano para celebrar un simposio sobre el suicidio. Lo que sigue es una serie de aventuras a bordo de un autocar de lujo, que les lleva por Finlandia, Suiza, Alemania, Francia y, finalmente, Portugal." + }, + "key": "69" + }, + { + "attributes": { + "blank": " ", + "id": "67", + "language": "ja", + "text_to_embed": "二人の自殺志願者が、運命的な出会いを果たすために、同じ時期に同じ場所で出会うという、ちょっとおかしな話(でもいいじゃないか)。彼らは他の自殺志願者を探すために旅立ち、地下室に集めて自殺についてのシンポジウムを開く。その後、豪華客車でフィンランド、スイス、ドイツ、フランス、そしてポルトガルを旅する。" + }, + "key": "67" + }, + { + "attributes": { + "blank": " ", + "id": "79", + "language": "es", + "text_to_embed": "Tras el gran éxito de la serie Nicolas le Floc'h, de Jean-François Parrot, han surgido multitud de competidores, desde los malos (Chevalier de Volnay, Commissaire aux morts étranges - O. Barbe-Cabuçon) hasta los mediocres (Victor Dauterive, gendarme de la Révolution - J.-Ch. Portes - y Donatien Lachance, détective de Napoléon - L. Joffrin), ¡que no pueden competir con el original!" + }, + "key": "79" + }, + { + "attributes": { + "blank": " ", + "id": "89", + "language": "es", + "text_to_embed": "No me gusta mucho la poesía y, francamente, Baudelaire me aburre, y pensar que tuve que leerlo en primer curso y fue horroroso. Nunca entendí esos poemas y me pregunto por qué nos los impusieron. Hubiera preferido estudiar a Ronsard, du Bellay o Christine de Pisan. Quizá Monsieur Baudelaire tenía talento, pero su expresión es demasiado hermética para mí... un poco como me sentía con Picasso." + }, + "key": "89" + }, + { + "attributes": { + "blank": " ", + "id": "99", + "language": "es", + "text_to_embed": "Espantosamente \"pop psycho\" sin demasiado contenido. Si buscas un libro interesante y relevante sobre el duelo de mascotas, prefiere \"Taming Pet Bereavement\" de Lynne Pion, hay más contenido. Creo que hay otros buenos ensayos sobre el tema, pero aún no los he leído, así que no puedo sugerirte otros por el momento." + }, + "key": "99" + }, + { + "attributes": { + "blank": " ", + "id": "109", + "language": "es", + "text_to_embed": "Segundo volumen de la colección de verano 2021 de DC, forma parte de la serie Deathstoke Rebirth. No estoy familiarizado con el personaje de Deathstroke y eso me pareció un impedimento para entenderlo. No es el mejor de la serie, las escenas de acción son confusas. Es una pena porque la idea original podría haber estado bien." + }, + "key": "109" + }, + { + "attributes": { + "blank": " ", + "id": "119", + "language": "fr", + "text_to_embed": "Ce livre, récipiendaire d'un prix décerné par des élèves de lycée, pourrait constituer un exercice pour sensibiliser ces mêmes élèves aux subtilités qui distinguent un livre de la véritable littérature (à condition bien sûr que l'on considère la littérature comme un art, et l'art comme la créativité permettant de concevoir une réalité plus pertinente que la simple description d'une réalité visible pour tous lorsqu'on ouvre grand les yeux)." + }, + "key": "119" + }, + { + "attributes": { + "blank": " ", + "id": "129", + "language": "fr", + "text_to_embed": "\"C'est en parcourant le catalogue des éditions Actes Sud que j'ai découvert Cosmétique du chaos de Camille Espedite! 😉 Cette novella, au titre évocateur et au pitch dérangeant, est présentée comme une fable poétique et agressive. Hasna, suite à son licenciement, doit accepter les opérations de chirurgie esthétique préconisées par sa conseillère de réinsertion dans l'emploi!\"" + }, + "key": "129" + }, + { + "attributes": { + "blank": " ", + "id": "139", + "language": "fr", + "text_to_embed": "Tellement de bien a été dit ici de l'ouvrage de Dennis Lehane... et j'ai été tellement conquise par \"Shutter Island\" ! 🤩 Alors, que s'est-il passé ? Pourquoi n'ai-je pas été touchée par ce livre ? Est-ce que j'en attendais trop ? Vos critiques m'ont fait saliver et, au final, j'ai dû lutter à chaque page pour ne pas remiser l'ouvrage dans la bibliothèque, voire pire..." + }, + "key": "139" + }, + { + "attributes": { + "blank": " ", + "id": "148", + "language": "fr", + "text_to_embed": "\"Depuis le succès démentiel de son #BestSeller, je m'attelle à lire les romans de Dan Brown, espérant chaque fois retrouver l'émoi du jeune lecteur que j'étais alors. D'ordinaire, je prends du plaisir, beaucoup 😁, parce qu'on retrouve cette enquête haletante, teintée d'ésotérisme, de sécularisme, rempli de traîtres et de retournements de situation en veux-tu en voilà.\"" + }, + "key": "148" + }, + { + "attributes": { + "blank": " ", + "id": "149", + "language": "fr", + "text_to_embed": "!Interview exclusive! \"Depuis le succès démentiel de son #CodeDaVinci, je m'attelle à lire les romans de Dan Brown, espérant chaque fois retrouver l'émoi du jeune lecteur que j'étais alors. D'ordinaire, je prends du plaisir, beaucoup 😍, parce qu'on retrouve cette enquête haletante, teintée d'ésotérisme, de sécularisme, rempli de traîtres et de retournements de situation en veux-tu en voilà.\"" + }, + "key": "149" + }, + { + "attributes": { + "blank": " ", + "id": "159", + "language": "es", + "text_to_embed": "¿No es sublime esa portada? Eso es lo que me hizo querer sumergirme en este libro. Eso, y el hecho de que la familia de mi marido es de Pondicherry. Todas buenas razones. Muchas gracias a Editions Presses de la Cité por permitirme hacer este descubrimiento (y una vez más, siento haber tardado tanto en escribir este post)." + }, + "key": "159" + }, + { + "attributes": { + "blank": " ", + "id": "169", + "language": "es", + "text_to_embed": "No sé qué pensar de este título. Me costó mucho entender el principio de la historia. Sin embargo, las dos últimas partes me han gustado mucho. Hay que decir que el autor no hace nada para ayudarnos a meternos en la historia. Pasamos de un punto de vista a otro sin ninguna indicación. Es más, el diálogo no es identificable. Hay una verdadera falta de claridad en este texto, que tiene un verdadero potencial." + }, + "key": "169" + }, + { + "attributes": { + "blank": " ", + "id": "174", + "language": "zh", + "text_to_embed": "老实说,我不理解对 Vicious 的炒作。我是在最后几章才开始喜欢他的,即便如此,我仍然对他持怀疑态度。人是不会轻易改变的。他是典型的毒舌、变态男孩,在我看来,他比哈丁更好。他有好几次让我想吐。他可能有情有可原的情况,但那只是解释,不是借口。" + }, + "key": "174" + }, + { + "attributes": { + "blank": " ", + "id": "179", + "language": "es", + "text_to_embed": "Sinceramente, no entiendo el bombo que se le ha dado a Vicious. Sólo empezó a gustarme en los últimos capítulos e incluso entonces sigo siendo escéptico. La gente no cambia tan fácilmente. Es la quintaesencia del chico tóxico y psicópata y, en mi opinión, es mejor que Hardin. En varias ocasiones me dio ganas de vomitar. Puede que tenga atenuantes, pero sólo son explicaciones, no excusas." + }, + "key": "179" + }, + { + "attributes": { + "blank": " ", + "id": "189", + "language": "fr", + "text_to_embed": "Maupassant nous offre dans le Horla, un petit conte fantastique, un récit à la première personne du narrateur qui est hanté par une étrange et maléfique créature venue de l'au-delà." + }, + "key": "189" + }, + { + "attributes": { + "blank": " ", + "id": "199", + "language": "fr", + "text_to_embed": "Cally est une adulte dont la vie (qui ne lui convenait pas du tout, au demeurant) bascule soudainement : elle perd son boulot, découvre que son mari la trompe, se retrouve obligée de retourner vivre chez ses parents... Une héroïne à la mode Bridget Jones. Son franc parler, ses amis et un petit coup de coeur vont l'emmener dans un zoo où elle partagera son temps entre un âne enfanté par Satan et un putois odorant." + }, + "key": "199" + }, + { + "attributes": { + "blank": " ", + "id": "209", + "language": "fr", + "text_to_embed": "La lecture de ce livre a été une immense déception, on pourrait même dire une véritable catastrophe. Edith Vallée est souvent citée comme la figure de proue des recherches sur les personnes qui choisissent de ne pas avoir d'enfants, mais son travail est loin d'être convaincant. Elle ne nous propose que quelques portraits de femmes sans enfants, tous munis d'un point de vue excessivement subjectif et parsemés d'une analyse biblique du sujet. Je suis navré de le dire, mais ce livre n'est pas du tout intéressant. Je ne peux que vous déconseiller de le lire..." + }, + "key": "209" + }, + { + "attributes": { + "blank": " ", + "id": "219", + "language": "fr", + "text_to_embed": "L'auteur affirme en personne, dans son livre à la page 51 intitulée 'Faire court', qu'il est adepte de la brièveté et que ses lecteurs lui en veulent car ils ne se sentent pas satisfaits de leur investissement. Cela semble être le cas pour ce livre de 165 pages, dont certaines sont presque vides, vendu à 18,90 euros. Cela fait cher pour chaque page ! Exception faite de quelques chapitres, comme 'La locomotive à vapeur', le contenu est plutôt creux et, pour ma part, j'avais hâte d'en finir." + }, + "key": "219" + }, + { + "attributes": { + "blank": " ", + "id": "229", + "language": "es", + "text_to_embed": "Gran decepción porque normalmente me encantan las novelas de esta autora. Pero esta vez no fue así. La escritura es tan fluida como siempre y los capítulos son cortos, por lo que es fácil devorar cien páginas de un tirón, pero no me creí ni por un momento lo que me estaban contando. Me pareció que todo fluía con demasiada facilidad, que el romance no era creíble, en resumen, no me lo creí." + }, + "key": "229" + }, + { + "attributes": { + "blank": " ", + "id": "239", + "language": "fr", + "text_to_embed": "La sauvegarde et la préservation de la nature sont actuellement perçues comme une noble cause qui bénéficie d'un large soutien. L'expérience immersive proposée par Geoffroy Delorme, marginal écolo, est à la fois extraordinaire et admirable." + }, + "key": "239" + }, + { + "attributes": { + "blank": " ", + "id": "249", + "language": "fr", + "text_to_embed": "Très grosse déception après avoir vu les notes attribuées à ce roman. J'aurais dû vraiment m'intéresser à l'auteur avant d'entamer la lecture ; romancière issue de blog... Très peu pour moi. Pourtant, je dois avouer que cette histoire sans intérêt, à l'eau de rose, peut vraiment faire du bien à certaines personnes, car elle déborde de clichés et de bons sentiments !" + }, + "key": "249" + }, + { + "attributes": { + "blank": " ", + "id": "259", + "language": "fr", + "text_to_embed": "Si un tentacule passe à proximité de Sixella, il finira sûrement dans un orifice. La tenue de Sixella est outrageusement absurde, montrant fesses et seins de façon gratuite et permanente. Aucune suggestion, aucune émotion, aucune augmentation graduelle de l'érotisme, tout est direct, tout est clairement montré, rien n'est excitant, les dialogues n'apportent pas grand chose. Je suis probablement passé à côté de la symbolique. Décevant!" + }, + "key": "259" + }, + { + "attributes": { + "blank": " ", + "id": "269", + "language": "fr", + "text_to_embed": "Cet album pourrait être sous-titré \"histoire vraie d'un espion en plein #camp\". C'est surtout cet aspect qui a ici retenu mon attention car je ne connaissais pas cette histoire de Witold Pilecki qui a volontairement intégré le camp d'Auschwitz pour passer des rapports aux autorités polonaises. Audace folle, voire #suicidaire ? Peut-être l'homme ne se doutait-il tout simplement pas de ce dans quoi il mettait les pieds. 😱" + }, + "key": "269" + }, + { + "attributes": { + "blank": " ", + "id": "279", + "language": "fr", + "text_to_embed": "Je me suis tenue éloignée de cette enquête confuse, pesante, embrouillée et peu crédible. L'intrigue complexe, basée sur des flashbacks qui, au lieu de l'éclairer, l'ont alourdie, n'a pas réussi à susciter mon intérêt. Les nombreux personnages ne m'ont pas captivée. J'ai véritablement eu l'impression de perdre mon temps et je regrette sincèrement de ne pas avoir fermé ce livre avant d'arriver à la fin." + }, + "key": "279" + }, + { + "attributes": { + "blank": " ", + "id": "273", + "language": "fr", + "text_to_embed": "Cette enquête confuse, pesante, embrouillée et peu crédible, je l'ai complètement mise de côté. Je suis restée en dehors de tout cela." + }, + "key": "273" + }, + { + "attributes": { + "blank": " ", + "id": "289", + "language": "fr", + "text_to_embed": "\"affreux, cortéggianni et blanc Dumont s'eṃmêles les crayons! Ont se croirait chez tartine au far West. Même les tuniques bleus est plus vraisemblable, Blueberry traverse tout les states du nord au sud voir jusqu'au Mexique sans changer de chemise. Habiller en cow boy de cirque, plus rien a voir avec la bio de Charlier! L'année 1864 est interminable (au moins dix albums). La pire reprise qu'il existe en bd, a mettre au pilon d'urgence.\"" + }, + "key": "289" + }, + { + "attributes": { + "blank": " ", + "id": "299", + "language": "fr", + "text_to_embed": "L’histoire est intéressante et mérite d’être racontée. Par contre, elle est racontée d’une façon banale. Le livre commence par les mobiles des 3 femmes à tuer leur mari. Ensuite vient la façon dont celles-ci tuent le mari de l’autre. Il n’y a pas de réelle recherche sur la personnalité des personnages et tout le chemin qui les amène à vouloir tuer leurs maris. L’histoire mériterait 400 pages de plus donc pourquoi se limiter à 140?" + }, + "key": "299" + }, + { + "attributes": { + "blank": " ", + "id": "309", + "language": "es", + "text_to_embed": "Las aventuras del autor son increíbles, pero se pierde en enumerar nombres de aves uno tras otro sin interés (y eso que soy ornitólogo), intercalados con chistes sin gracia y \"anécdotas\" sobre sí mismo. Si viajar no puede ser fácil, tiene una forma de quejarse, y al mismo tiempo presumir, que resulta muy desagradable." + }, + "key": "309" + }, + { + "attributes": { + "blank": " ", + "id": "318", + "language": "fr", + "text_to_embed": "Si cela relève de l'autobiographie, l'auteure mérite d'être félicitée pour avoir réussi à cultiver une personnalité solide au sein de cette situation." + }, + "key": "318" + }, + { + "attributes": { + "blank": " ", + "id": "329", + "language": "fr", + "text_to_embed": "Beaucoup de gens le considèrent comme un chef-d'œuvre, mais je me demande s'il a mal vieilli. Dans tous les cas, je n'ai ressenti que de l'ennui à la lecture de ce livre, à l'exception de la fin qui a suscité mon intérêt." + }, + "key": "329" + }, + { + "attributes": { + "blank": " ", + "id": "339", + "language": "fr", + "text_to_embed": "Il y a des livres qui sont une souffrance. Celui-ci en fait partie! Lecture obligatoire pour le cours de psychologie du développement de #mafac, la professeure étant l'une des autrices de ce livre. Déjà, le titre annonce la couleur: \"Le parent est aussi une personne\" mais enfin, qui en doute? Cette opposition un peu frontale du fameux \"l'enfant est une personne\" par \"Et bah le parent aussi et toc!\" est un peu indigne." + }, + "key": "339" + }, + { + "attributes": { + "blank": " ", + "id": "349", + "language": "fr", + "text_to_embed": "Ce roman n'a pas réussi à susciter en moi la moindre émotion poétique. Il existe des œuvres qui ne parviennent jamais à s'harmoniser avec notre sensibilité, et c'est exactement ce qui s'est produit ici. Je n'ai rien compris, que ce soit l'intrigue, l'esthétique ou même les intentions de l'auteure. La lecture a été véritablement ardue. En tant que fervente fan des Beatles, je suis sortie complètement sonnée !" + }, + "key": "349" + }, + { + "attributes": { + "blank": " ", + "id": "359", + "language": "fr", + "text_to_embed": "\"Le livre nous raconte que c'est une fille courageuse qui est originaire de Moscou et elle est née en 1984, partie vivre aux Etats-Unis. Là bas, on se moque cruellement de son accent merveilleux. C'est une talentueuse lycéenne. Elle est mal à l'aise dans sa peau. Un jour, elle tombe dans un puit sombre et elle rencontre un fantôme effrayant. Elle passe plusieurs jours dans ce puit, puis le fantôme la suit. Le fantôme lui raconte comment elle est morte tragiquement. Un jour, Anya découvre une vérité qui la rend furieuse.\" #livre #Moscou #EtatsUnis #accentmerveilleux #talentueuse #courageuse #lycéenne #puitsombre #fantôme #mort #vérité #effrayant #tragiquement #malàl'aise" + }, + "key": "359" + }, + { + "attributes": { + "blank": " ", + "id": "369", + "language": "fr", + "text_to_embed": "Malheureusement, il y a trop de thématiques qui ne mènent nulle part (incendie, automates) pour que finalement la question de la transidentité ne soit vraiment abordée qu’à la fin (et encore, seulement effleurée) — ce qui est dommage, car il est important de sensibiliser les ados à cette thématique! Les personnages sont peu développés, ce qui ne les rend pas particulièrement attachants... L'écriture est néanmoins belle, détaillée et poétique. ❤️" + }, + "key": "369" + }, + { + "attributes": { + "blank": " ", + "id": "379", + "language": "es", + "text_to_embed": "No leo muchos relatos cortos, pero desde luego esta antología no me convenció en absoluto. Me costó llegar al final y salí perpleja. Esperaba fantasía y terror, pero la mayoría de los relatos eran insípidos y poco originales, y me aburrí. Mi favorito es el último y más largo de John Ajvide Lindqvist (juegos de rol y temas de Lovecraft) y el de Edgar Allan Poe." + }, + "key": "379" + }, + { + "attributes": { + "blank": " ", + "id": "389", + "language": "fr", + "text_to_embed": "Débordant d'enthousiasme, j'ai acheté ce livre sans lire un seul avis, uniquement basé sur sa couverture et son résumé. D'après les critiques que j'ai lues depuis, il y a très peu d'appréciations positives. La majorité exprime une grande déception, et je me range de leur côté." + }, + "key": "389" + }, + { + "attributes": { + "blank": " ", + "id": "399", + "language": "fr", + "text_to_embed": "Il aurait été préférable que l'auteur accorde plus d'attention à son travail, sachant que le lecteur n'est pas contraint de commencer par le premier tome pour connaître l'équipe du commandant Gerfaut, malgré le fait que cette histoire soit une nouvelle et un huis-clos. En résumé, était-ce vraiment nécessaire de publier cette histoire sans intérêt ?" + }, + "key": "399" + }, + { + "attributes": { + "blank": " ", + "id": "409", + "language": "es", + "text_to_embed": "Alma: Le vent se lève es una magnífica, poética y profundamente conmovedora novela juvenil sobre la esclavitud. Esta novela de aventuras y piratería, un viaje fascinante y trepidante, es un relato conmovedor y bien documentado del comercio triangular en el siglo XVIII, con personajes misteriosos y entrañables. Otro maravilloso texto de Timothée de Fombelle, un gran autor." + }, + "key": "409" + }, + { + "attributes": { + "blank": " ", + "id": "418", + "language": "fr", + "text_to_embed": "Ce tome est un véritable point de rupture dans la trame de l'histoire. Tout change, l'atmosphère, le scénario, rien n'est plus pareil. Et incroyablement, je ne m'en remets pas. Le nouvel élément clé qui se dessine est vraiment prometteur, j'ai une grande impatience de pouvoir lire la suite !" + }, + "key": "418" + }, + { + "attributes": { + "blank": " ", + "id": "419", + "language": "fr", + "text_to_embed": "Ce volume représente un tournant significatif dans le développement de l'histoire. Le décor et l'intrigue connaissent une transformation radicale. Et wow, je suis vraiment secoué(e). Le nouveau fil conducteur qui apparaît est extrêmement prometteur, je suis vraiment pressé(e) de poursuivre ma lecture !" + }, + "key": "419" + }, + { + "attributes": { + "blank": " ", + "id": "429", + "language": "fr", + "text_to_embed": "Ah, la pauvre petite Alex, déjà si injustement jugée avant même que je ne la connaisse... C'est vraiment mal, Marie ! Alors, j'ai décidé de faire mon Mea Culpa en lui dédiant cette chronique. Il faut dire que se placer après \"Le purgatoire des innocents\" de Karine Giébel ne jouait pas en sa faveur. C'était la jeter dans cet univers brutal et désolant qu'est celui du thriller." + }, + "key": "429" + }, + { + "attributes": { + "blank": " ", + "id": "439", + "language": "fr", + "text_to_embed": "Encore un roman merveilleusement bien écrit, c'est un bonheur de lire Jose Saramago ! 😁 Par contre, là, ça prend bien aux tripes, ça file une trouille monstre... 😳 Encore plus à l'approche d'une période électorale. Parodie de justice, bouc-émissaire, bêtise humaine... le Pouvoir tout puissant et son aveuglement. L'Aveuglement justement, celui du roman précédent, qui m'avait bien remué lui aussi." + }, + "key": "439" + }, + { + "attributes": { + "blank": " ", + "id": "449", + "language": "fr", + "text_to_embed": "Cette lecture m'a énormément touché et m'a procuré de nombreuses connaissances. Bien que j'aie déjà lu beaucoup sur la mythologie grecque, je n'avais jamais eu la chance de découvrir l'histoire complète de Circé." + }, + "key": "449" + }, + { + "attributes": { + "blank": " ", + "id": "459", + "language": "es", + "text_to_embed": "Habiendo visto palabras tan mágicas como Alaska - perros de trineo - naturaleza salvaje (entre otras) y el hecho de que \"The Wild Inside\" de Jamey Bradbury había sido publicado por Gallmeister, sabía que sería uno de mis favoritos, y me sumergí en esta novela, segura de que no me decepcionaría." + }, + "key": "459" + }, + { + "attributes": { + "blank": " ", + "id": "454", + "language": "zh", + "text_to_embed": "看到阿拉斯加--雪橇犬--荒野(等等)这些神奇的字眼,以及杰米-布拉德伯里的《内心的狂野》是由盖尔迈斯特出版的这一事实,我就知道这一定会是我的最爱,于是我投入到这部小说中,确信我不会失望。" + }, + "key": "454" + }, + { + "attributes": { + "blank": " ", + "id": "469", + "language": "es", + "text_to_embed": "Para los amantes de la literatura y de las novelas que permiten medir sus dimensiones, \"Madame Hayat\", de Ahmet Altan, es como un espacio por el que el lector deambula, siguiendo hitos a veces familiares, a veces borrosos, pero que siempre conducen a la convicción de que es ahí, en estas historias contadas de esta manera, donde se esconden los más bellos y los más terribles de los secretos humanos." + }, + "key": "469" + }, + { + "attributes": { + "blank": " ", + "id": "475", + "language": "tr", + "text_to_embed": "Bu küçük kitap, kimsenin sizin için bulamayacağı ya da gerçek bir kişisel tatmin olmadan size dikte edemeyeceği kendi yolunuzu, kendi hayatınızın anlamını nasıl bulacağınıza dair harika tavsiyelerle doludur. Seçmek vazgeçmek demektir ve tüm bunların bir bedeli vardır. İlham verici tanıklıklar sunuluyor. Kitabın sonunda maneviyata odaklanılıyor. Kendini arayanlar için faydalı bir kitap." + }, + "key": "475" + }, + { + "attributes": { + "blank": " ", + "id": "479", + "language": "es", + "text_to_embed": "Este pequeño libro está repleto de grandes consejos sobre cómo encontrar tu propio camino, el sentido de tu propia vida, que nadie puede encontrar por ti ni dictarte sin una verdadera realización personal. Elegir significa renunciar, y todo eso tiene un coste. Se ofrecen testimonios inspiradores. El final del libro se centra en la espiritualidad. Un libro útil para quienes se buscan a sí mismos." + }, + "key": "479" + }, + { + "attributes": { + "blank": " ", + "id": "489", + "language": "fr", + "text_to_embed": "#Oubliez vos références classiques! #Voici une dystopie noire qui tire des conséquences logiques des grandes évolutions que connaît notre monde actuel! J’espère sincèrement, pour #l’humanité, qu’il y a d’autres conséquences à tirer et que d’autres possibles existent! Ce roman témoigne de la très riche culture littéraire de l’auteure dans de nombreux domaines, tant les références abondent!" + }, + "key": "489" + }, + { + "attributes": { + "blank": " ", + "id": "499", + "language": "fr", + "text_to_embed": "Quelle BD douce et charmante ! Les soeurs Grémillet partent en vacances d'été chez leur grand-mère et Cassiopée est indécise entre son petit ami à la maison, Ulysse, et un jeune homme qui la courtise pendant les vacances, Olivier... Que faire ? Faut-il même choisir ? Heureusement, un fantôme mystérieux semble hanter les ruines du village, et cette enquête captivera Cassiopée et ses soeurs." + }, + "key": "499" + }, + { + "attributes": { + "blank": " ", + "id": "509", + "language": "es", + "text_to_embed": "Me encantó este libro porque en él hay estadísticas para desmontar supuestas casualidades que no lo son en absoluto. No escribí mi reseña cuando lo leí (en 2019), y en 2021 me doy cuenta de que no me acuerdo de mucho, sobre todo de un parque de atracciones y una madre joven.... Podríais pensar que el libro es decepcionante, pero no: podré volver a leerlo (¡felizmente?!)" + }, + "key": "509" + }, + { + "attributes": { + "blank": " ", + "id": "507", + "language": "ja", + "text_to_embed": "この本が好きだったのは、いわゆる偶然を解体するための統計が載っていて、それが絶対に偶然ではないからだ。 読んだとき(2019年)にレビューを書かなかったので、2021年になってから、特にファンフェアと若い母親について、あまり覚えていないことに気づいた?と思われるかもしれないが、そうではない。" + }, + "key": "507" + }, + { + "attributes": { + "blank": " ", + "id": "519", + "language": "fr", + "text_to_embed": "Certains livres nous sont imposés adolescents, on les survole par obligation, on les enfouit aux confins de notre mémoire... et puis, les années passent : nous nous réveillons \"adultes\" et décidons un jour de redécouvrir nos classiques. C'est ainsi que cette oeuvre de Patrick Süskind a atterri dans ma voiture. Car oui, j'écoute aussi des livres audio-et j'adore ça! #classiques #redécouverte #PatrickSüskind." + }, + "key": "519" + }, + { + "attributes": { + "blank": " ", + "id": "529", + "language": "fr", + "text_to_embed": "J'ai adoré cette histoire ! Je l'ai trouvé super mignonne, bien écrite et joliment #illustrée. Ce petit garçon de 10 ans au franc parlé et cette homme à la retraite (ou presque) qui se rencontrent et échangent des anecdotes sur \"là-bas\" parfois crédibles et d'autres fois beaucoup moins, mais c'est ce qui fait naître leur belle amitié... et cette fin... j'ai beaucoup souri en lisant ce livre !" + }, + "key": "529" + }, + { + "attributes": { + "blank": " ", + "id": "532", + "language": "de", + "text_to_embed": "Dieser Roman erzählt die Geschichte eines Sohnes, des Ich-Erzählers, der seinen Vater verloren hat und mit ansehen muss, wie seine Mutter allmählich dem Wahnsinn verfällt. Die Geschichte beginnt im Jahr 1987, der Ich-Erzähler ist ein Teenager und entdeckt die ersten Liebesgefühle. Der plötzliche Unfall des Vaters verstärkt die bereits vorhandene Demenz der Mutter. Sie sammelt und stapelt Gegenstände, die sie nach und nach von der Außenwelt und dem Sohn isolieren. Er wird sagen: \"Schon zu Lebzeiten verwaist\"." + }, + "key": "532" + }, + { + "attributes": { + "blank": " ", + "id": "538", + "language": "it", + "text_to_embed": "Questo romanzo racconta la storia di un figlio, il narratore principale, che ha perso il padre e sta gradualmente vedendo la madre sprofondare nella follia. La storia inizia nel 1987, quando il narratore è un adolescente che scopre il suo primo amore. L'incidente improvviso del padre accentua la demenza già presente della madre. La donna accumula e ammassa oggetti che la isolano progressivamente dal mondo esterno e dal figlio. \"Orfana quando era ancora vivo\", direbbe lui." + }, + "key": "538" + }, + { + "attributes": { + "blank": " ", + "id": "537", + "language": "ja", + "text_to_embed": "この小説は、父親を失い、次第に狂気へと沈んでいく母親を見つめる息子の物語である。物語は1987年、語り手が初恋を知った思春期に始まる。父親の突然の事故は、すでにあった母親の認知症をさらに際立たせる。彼女は物を溜め込み、積み重ね、次第に外界からも息子からも孤立していく。息子は「生前孤児だった」と言うだろう。" + }, + "key": "537" + }, + { + "attributes": { + "blank": " ", + "id": "539", + "language": "es", + "text_to_embed": "Esta novela cuenta la historia de un hijo, el narrador principal, que ha perdido a su padre y ve cómo su madre se hunde poco a poco en la locura. La historia comienza en 1987, cuando el narrador es un adolescente que descubre su primer amor. El repentino accidente de su padre acentúa la demencia ya presente de su madre. Ella acumula y amontona objetos que poco a poco la aíslan del mundo exterior y de su hijo. \"Huérfano cuando aún vivía\", diría." + }, + "key": "539" + }, + { + "attributes": { + "blank": " ", + "id": "549", + "language": "fr", + "text_to_embed": "Malgré la mort de René Fallet, Agathe Fallet, sa veuve, reste fidèle à sa région natale, le Bourdonnais en Auvergne, à sa rivière bien-aimée, la Besbre, à son mari défunt et à son ami le plus proche, le chanteur Georges Brassens. Ce livre, en apparence modeste, parvient à recréer l'atmosphère des rencontres régulières entre ces \"compagnons\" et affiliés qui forment une bande, rappelant étrangement une famille de substitution." + }, + "key": "549" + }, + { + "attributes": { + "blank": " ", + "id": "557", + "language": "fr", + "text_to_embed": "Alors que l'enquête se termine de manière parfaite dans les derniers chapitres, j'ai pu passer un excellent moment avec ces trois femmes excentriques et attachantes, qui sont si différentes les unes des autres." + }, + "key": "557" + }, + { + "attributes": { + "blank": " ", + "id": "559", + "language": "fr", + "text_to_embed": "L'histoire et l'intrigue ont été habilement écrites, ce qui a rendu mon expérience de suivre ces trois personnalités dans leurs investigations très plaisante, d'autant plus qu'elles sont excentriques, exubérantes et attachantes." + }, + "key": "559" + }, + { + "attributes": { + "blank": " ", + "id": "569", + "language": "fr", + "text_to_embed": "Après une très belle intégrale des Pin-Up de Lui par Aslan parue en 2019, les éditions « Dynamite » nous offrent, dans le même format, un superbe recueil de Pin-Up illustré par Giovanna Casotto, auteur que j’affectionne particulièrement à travers l’ensemble des albums que je possède que ce soit dans les très belles rééditions chez « Dynamite » ou encore dans la collection « Selen » chez « Vents d’Ouest » pour les albums originaux." + }, + "key": "569" + }, + { + "attributes": { + "blank": " ", + "id": "579", + "language": "es", + "text_to_embed": "Fue una obra que marcó mi adolescencia, pero que seguía siendo un vago recuerdo. Así que aproveché el revuelo generado por la película para hacerme con esta \"nueva traducción\" y sumergirme en una relectura 30 años después... Hay que decir que una gran obra de arte sigue siendo una gran obra de arte, un monumento a la SF, que sigue siendo tan increíble como siempre, sea cual sea el momento de su vida. Así que ¡hasta dentro de 30 años!" + }, + "key": "579" + }, + { + "attributes": { + "blank": " ", + "id": "589", + "language": "fr", + "text_to_embed": "\"Natasha Trethewey était une ado dans les années 80. Moi aussi. Et je me disais, en lisant ce texte, que pendant que je traînais avec mes copines, allais danser dans les sous-sols des pavillons de banlieue et fumais mes premières cigarettes, précisément à la même époque où pour tout et pour rien, légère et insouciante, je riais comme une folle... Là-bas, de l’autre côté de l’Atlantique, dans le Sud des États-Unis, elle, l’autrice, tremblait de peur.\"" + }, + "key": "589" + }, + { + "attributes": { + "blank": " ", + "id": "596", + "language": "ru", + "text_to_embed": "waaaah ca fait longtemps que j'avais pas lu un aussi bon suspens qui me tiennent en haleine comme ça!!! il est vraiment bien construit....la tension monte, ça fait bien flipper!!! d'ailleurs le phénomène a déjà commencé sur ce sujet de notre époque ou tout est connecté....je ne connaissais pas l'auteur mais je vais voir si j'en vois d'autre pour voir si tout aussi bien." + }, + "key": "596" + }, + { + "attributes": { + "blank": " ", + "id": "599", + "language": "es", + "text_to_embed": "hacia tiempo que no leia un suspense tan bueno que me mantuviera al borde del asiento! esta muy bien construido....la tension sube, da miedo de verdad! ademas ya ha empezado el fenomeno de este tema de nuestra era donde todo esta conectado....no conocia al autor pero voy a ver si veo algun otro a ver si todo es igual de bueno." + }, + "key": "599" + }, + { + "attributes": { + "blank": " ", + "id": "598", + "language": "it", + "text_to_embed": "Era da tempo che non leggevo una suspense così buona che mi tiene sul filo del rasoio! è davvero ben costruito.... la tensione sale, fa davvero paura! inoltre il fenomeno è già iniziato su questo tema della nostra epoca dove tutto è collegato....Non conoscevo l'autore ma vedrò di vederne altri per vedere se tutto è altrettanto buono." + }, + "key": "598" + }, + { + "attributes": { + "blank": " ", + "id": "609", + "language": "es", + "text_to_embed": "Un libro como fuegos artificiales, es bonito aunque no te lleve a ninguna parte. La historia es secundaria, pero qué estilo. Hoy en día se diría \"un chiste por página\", cosas como \"me sentí como un cubo de agua mirando una cerilla\". Empecé a arrinconar las páginas para anotar las citas y entonces maldije a Djian: tenía más de cincuenta páginas marcadas y no me apetecía pasarme horas anotándolas todas." + }, + "key": "609" + }, + { + "attributes": { + "blank": " ", + "id": "619", + "language": "fr", + "text_to_embed": "Je me souviens d'un film italien de 1977 \"Padre Patrone\"! Il décrivait l'expérience d'un berger sarde, totalement coupé de la civilisation urbaine et demeuré analphabète jusqu'à l'âge du service militaire! Surtout, il montrait le personnage du père, d'une dureté, d'un silence, d'une animalité (non, les animaux sont moins \"bestiaux\")!! Inimaginable...!!" + }, + "key": "619" + }, + { + "attributes": { + "blank": " ", + "id": "629", + "language": "fr", + "text_to_embed": "À la réception du livre d'Alain Billard « La belle histoire des cathédrales », la première chose que j'ai faite a été de le recouvrir pour le protéger, à l'instar de ce que je faisais autrefois avec mes livres scolaires. Ce qui m'a fait sourire ensuite, c'est de constater que cet ouvrage avait été réalisé par les éditions Adapt-Snes, une association de professeurs du second degré, que je tiens à remercier, de même que Babelio, pour m'avoir envoyé ce précieux document." + }, + "key": "629" + }, + { + "attributes": { + "blank": " ", + "id": "639", + "language": "fr", + "text_to_embed": "J’ai une bonne culture musicale en ce qui concerne la musique classique et j’aime beaucoup l’opéra ; Bach, Beethoven et Mozart sont parmi mes compositeurs préférés. Par ailleurs, j’aime beaucoup les romans historiques et je m’intéresse tout particulièrement à ceux qui font référence à la seconde guerre mondiale et à la Shoah. À la lecture de la quatrième de couverture, je n’ai donc pas hésité et je n’ai pas été déçue ! #passionmusiqueclassique #romanshistoriques #référencesecondeguerremondiale" + }, + "key": "639" + }, + { + "attributes": { + "blank": " ", + "id": "644", + "language": "fr", + "text_to_embed": "Ce livre émeut en démontrant la bataille perpétuelle de l'homme entre deux réalités." + }, + "key": "644" + }, + { + "attributes": { + "blank": " ", + "id": "648", + "language": "fr", + "text_to_embed": "Il cherche un équilibre souhaitable entre la famille qu'il doit abandonner pour se développer et s'identifier, et en combattant toute culpabilité qui l'accable." + }, + "key": "648" + }, + { + "attributes": { + "blank": " ", + "id": "649", + "language": "fr", + "text_to_embed": "Les impasses psychologiques et les marais internes sont exposés afin que le lecteur puisse les comprendre et s'y associer émotionnellement." + }, + "key": "649" + }, + { + "attributes": { + "blank": " ", + "id": "659", + "language": "fr", + "text_to_embed": "Ah, un cosy mystery coréen ? Il était évident que je l'achèterais ! J'étais vraiment curieuse de découvrir tout cela, surtout avec l'intrigue se déroulant en Corée du sud. Et je dois dire que ça a été une très agréable surprise ! C'était une lecture fraîche, amusante et qui m'a complètement dépaysée. La couverture est tout simplement géniale et c'est le premier détail qui m'a immédiatement tapé dans l'œil : elle reflète parfaitement le genre de lecture qui m'attend." + }, + "key": "659" + }, + { + "attributes": { + "blank": " ", + "id": "669", + "language": "fr", + "text_to_embed": "Un livre original, très généreux. Un livre surprenant aussi, par sa forme, ses recettes de cuisine qui constituent l'armature du roman. On suit la vie de Tita, dernière née de Mama Elena, dans le Mexique du début du XXeme siècle. Et c'est un vrai tourbillon, ça bouillonne, c'est une effusion de sentiments. Que ce soit l'amour, la colère, la déception, tout est sur exagéré, dans le bon sens du terme. 📚🎉⚡️💥" + }, + "key": "669" + }, + { + "attributes": { + "blank": " ", + "id": "679", + "language": "fr", + "text_to_embed": "À la fin du premier tome, Sorceline est persuadée que c’est elle qui est responsable de la transformation de ses camarades en verre, une conclusion logique chaque fois qu’elle a maudit quelqu’un, le terrible sort l’a frappé le seul à connaître cet atroce secret c’est Mérode, ce qui déplaît autant à Alcide qu’à Willa (mais pas pour les mêmes raisons)." + }, + "key": "679" + }, + { + "attributes": { + "blank": " ", + "id": "688", + "language": "fr", + "text_to_embed": "Après deux premiers albums *moins convaincants*, Hergé entre dans la grande période des Tintin avec celui des cigares du pharaon. #ProgressionArtistique" + }, + "key": "688" + }, + { + "attributes": { + "blank": " ", + "id": "686", + "language": "fr", + "text_to_embed": "L'histoire nous permet de voyager de l'Egypte *jusqu'à* L'Inde en passant par l'Arabie. #Exploration" + }, + "key": "686" + }, + { + "attributes": { + "blank": " ", + "id": "687", + "language": "fr", + "text_to_embed": "Hergé introduit également un certain nombre de personnages *mémorables* qui vont devenir récurrents dans les aventures de Tintin : Dupond et Dupont, Rastapopoulos et Allan Thompson. #MéchantsInoubliables" + }, + "key": "687" + }, + { + "attributes": { + "blank": " ", + "id": "699", + "language": "fr", + "text_to_embed": "Voilà une anthologie de poésie qui va rester à mon chevet quelques temps encore. Certains auteurs connus, d'autres moins, d'autres pas du tout! Georges Pompidou nous offre un excellent panel des principaux poètes français! Du moyen-âge aux années 60? Je ne m'y connais pas assez pour discuter ses choix. Je suis prêt à compulser ce recueil à tous moments 😉❗️" + }, + "key": "699" + }, + { + "attributes": { + "blank": " ", + "id": "709", + "language": "es", + "text_to_embed": "Recomendado calurosamente por Mh17, tuve el placer de escuchar este cuento de Yevgeny Zamiatin en France Culture. No sólo está narrado por una mujer cuya voz y entonaciones están en total armonía con el espíritu del texto, sino que se acompaña de una música de fondo perfecta, que da aún más profundidad a la tensión dramática de la historia." + }, + "key": "709" + }, + { + "attributes": { + "blank": " ", + "id": "704", + "language": "zh", + "text_to_embed": "在 Mh17 的热情推荐下,我有幸在法国文化频道聆听了叶夫根尼-扎米亚京(Yevgeny Zamiatin)的这篇短篇小说。这篇短篇小说不仅由一位女性讲述,她的声音和语调与文本的精神完全一致,而且伴有完美的背景音乐,使故事的戏剧张力更有深度。" + }, + "key": "704" + }, + { + "attributes": { + "blank": " ", + "id": "707", + "language": "ja", + "text_to_embed": "Mh17の温かい推薦により、フランス文化でエフゲニー・ザミアチンのこの短編を聴くことができた。その声とイントネーションが文章の精神と完全に調和しているだけでなく、完璧なBGMが物語のドラマチックな緊張感をさらに深みのあるものにしている。" + }, + "key": "707" + }, + { + "attributes": { + "blank": " ", + "id": "719", + "language": "es", + "text_to_embed": "La historia comienza con Francisco José da Santa Cruz, un joven sacerdote brasileño de ascendencia mixta india y portuguesa. Llega a Luanda, Angola, para convertirse en secretario de la reina Ginga, hija y hermana de reyes, y reina ella misma. La reina Ginga había pedido un secretario que la ayudara a comunicarse con los portugueses, la potencia colonizadora de su país." + }, + "key": "719" + }, + { + "attributes": { + "blank": " ", + "id": "729", + "language": "fr", + "text_to_embed": "Ce petit bouquin est fascinant. 😊 Corina CIOCÂRLIE nous fait traverser, visiter l’Europe, mais en choisissant méticuleusement des lieux symboliques vus par des écrivains pour la plupart prestigieux. Le voyage ne s’effectue pas dans un ordre précis, laissant libre choix à l’autrice ✍️ mais aussi à son lectorat qui pourra, de fait, ouvrir cette sorte de manuel de voyage à n’importe quelle page pour se délecter !" + }, + "key": "729" + }, + { + "attributes": { + "blank": " ", + "id": "739", + "language": "fr", + "text_to_embed": "La couverture est très jolie! Le scénario est toujours aussi original. Vu que c’est la fin du premier cycle, il y a beaucoup d’action, de rebondissements. Le rythme s’accélère. Il y a pas mal d’émotions aussi, qu’elles soient positives ou négatives! Les personnages sont toujours aussi courageux, ils deviennent de plus en plus mâture. Ils sont attachants!! 💖" + }, + "key": "739" + }, + { + "attributes": { + "blank": " ", + "id": "749", + "language": "fr", + "text_to_embed": "Un homme nommé Fausto est au centre de cette histoire et pense que tout lui appartient, depuis les fleurs les plus modestes jusqu'aux montagnes les plus immenses. Rien ne peut l'empêcher de chercher à tout posséder, sauf l'océan." + }, + "key": "749" + }, + { + "attributes": { + "blank": " ", + "id": "759", + "language": "fr", + "text_to_embed": "Daniel Pennac et Florence Cestac proposent un livre qui, de manière amusante, explore le sens des expressions courantes de la vie quotidienne, telles que \"les murs ont des oreilles\", \"manger un clown\" ou \"clouer le bec à quelqu'un\"." + }, + "key": "759" + }, + { + "attributes": { + "blank": " ", + "id": "769", + "language": "fr", + "text_to_embed": "\"Ce tome était extraordinaire! J'aime chaque fois un peu plus ce manga 😄. Il est profond et particulier. J'adore les liens qui se tissent entre les personnages et particulièrement le lien entre Legoshi et Louis. La trame, quant à elle, est vraiment bien ficelée. Elle est haletante! Ce tome était puissant, il prenait aux tripes et l'action nous prend à la gorge jusqu'à la dernière seconde. J'ai été captivée, transportée et mise dans tous mes états!\"" + }, + "key": "769" + }, + { + "attributes": { + "blank": " ", + "id": "779", + "language": "fr", + "text_to_embed": "Au début de l'histoire, nous sommes en 1938. La guerre à venir gronde déjà, mais de cela Ruben Jablonski, n'en a cure! Et pour cause, c'est un jeune juif allemand âgé de 12 ans, qui vit avec sa famille à Halle-sur-Saale (aujourd'hui en Saxe) en Allemagne. C'est un garçon espiègle, rêveur, qui comme tous les jeunes de son âge adore rire et s'amuser." + }, + "key": "779" + }, + { + "attributes": { + "blank": " ", + "id": "789", + "language": "fr", + "text_to_embed": "Dans ce second tome, l’autrice aborde tout le processus de travail (plus familièrement les contractions) qui fait partie intégrante d’un accouchement. Elle donne de précieuses informations pour comprendre la physiologie de l’accouchement, pour ainsi mieux interagir avec son corps. Ses précieux conseils et la bonne compréhension du processus, permettent, je suppose, d'endurer un peu plus cette phase souvent extrêmement douloureuse. 📚🤔🤰😖" + }, + "key": "789" + }, + { + "attributes": { + "blank": " ", + "id": "796", + "language": "ru", + "text_to_embed": "Она начинается как роман Джейн Остин, где буржуазная женщина пытается свести своих дочерей с местным аристократом... читается как переложение сказок, с отсылками каждые пять минут (\"Принцесса и горошина\", \"Синяя борода\", \"Золушка\"...), а заканчивается как ода феминизму и любви, игнорирующей социальные условности." + }, + "key": "796" + }, + { + "attributes": { + "blank": " ", + "id": "799", + "language": "es", + "text_to_embed": "Empieza como una novela de Jane Austen, con una burguesa intentando emparejar a sus hijas con el aristócrata local... se lee como una reescritura de los cuentos de hadas, con referencias cada cinco minutos (La princesa y el guisante, Barba Azul, Cenicienta...) y termina como una oda al feminismo y al amor, ignorando las convenciones sociales." + }, + "key": "799" + }, + { + "attributes": { + "blank": " ", + "id": "795", + "language": "tr", + "text_to_embed": "Bir Jane Austen romanı gibi başlıyor, burjuva bir kadın kızlarını yerel bir aristoyla evlendirmeye çalışıyor... her beş dakikada bir göndermelerle (Prenses ve Bezelye, Mavi Sakal, Külkedisi...) peri masallarının yeniden yazımı gibi okunuyor ve sosyal gelenekleri göz ardı ederek feminizme ve aşka bir övgü olarak sona eriyor." + }, + "key": "795" + }, + { + "attributes": { + "blank": " ", + "id": "797", + "language": "ja", + "text_to_embed": "ジェーン・オースティンの小説のように始まり、ブルジョワの女性が娘たちを地元の貴族に引き合わせようとする......まるでおとぎ話を書き直したかのように、5分おきに引用があり(『プリンセスと豆』、『青ひげ』、『シンデレラ』......)、社会通念を無視したフェミニズムと愛の頌歌として終わる。" + }, + "key": "797" + }, + { + "attributes": { + "blank": " ", + "id": "809", + "language": "fr", + "text_to_embed": "Difficile de le regarder tranquillement ! Tous les enfants autour de moi voulaient le voir et l'emprunter. D'ailleurs ils ont dessiné et coloré leur propre Joconde à eux. Piotr Barsony est un guide imaginaire qui présente à sa fille la Joconde peinte par Van Gogh, Gauguin, Dali, Monet, Turner, Picasso, 🎆 Pollock, Warhol, etc. et même internet. Un ouvrage surprenant et magnifique à partager." + }, + "key": "809" + }, + { + "attributes": { + "blank": " ", + "id": "819", + "language": "es", + "text_to_embed": "Conocí el mundo oscuro y torturado de Ghislain Gilberti a través de Le Festin du Serpent y Le Baptême des Ténèbres. Ahora vuelve a hacerlo. Sa Majesté des Ombres no es cosa de risa. Ni mucho menos. Cada vez que pasaba una página, quería parar. No porque el libro sea una basura. Al contrario. Sino porque temía saber qué iba a pasar con Cécile Sanchez y su pandilla." + }, + "key": "819" + }, + { + "attributes": { + "blank": " ", + "id": "816", + "language": "ru", + "text_to_embed": "Я познакомился с темным, мучительным миром Гислена Жильберти благодаря романам \"Праздник змеи\" и \"Креститель Тенебров\". Теперь он снова за дело. Sa Majesté des Ombres - это не повод для смеха. И вовсе нет. Каждый раз, когда я переворачивал страницу, мне хотелось остановиться. Не потому, что книга дрянь. Напротив. А потому, что я с ужасом ждала, что же будет дальше с Сесиль Санчес и ее бандой." + }, + "key": "816" + }, + { + "attributes": { + "blank": " ", + "id": "829", + "language": "fr", + "text_to_embed": "Le terme Yôkai ne peut être traduit en un seul mot dans nos langues occidentales car il englobe diverses notions telles que monstre, démon, esprit, gobelin et parfois même objet. Les yôkai se présentent sous toutes les formes, toutes les tailles et possèdent des capacités ou des attitudes très différentes les unes des autres. Ce livre permet de comprendre pleinement cette réalité. Résultat de la fusion de deux livres, ce document récence environ 500 créatures !" + }, + "key": "829" + }, + { + "attributes": { + "blank": " ", + "id": "839", + "language": "es", + "text_to_embed": "Este libro lleva casi un año en mi PAL, y ojalá lo hubiera leído antes. Este libro me transportó tanto que no podía parar de leer, queriendo saber el final de la historia. Las historias entre estos adolescentes me fascinaron, ya sea su propia historia, sus secretos o el caso que cuenta este libro. Lo recomiendo ampliamente." + }, + "key": "839" + }, + { + "attributes": { + "blank": " ", + "id": "849", + "language": "fr", + "text_to_embed": "Même si plusieurs de ses poèmes ont déjà été traduits en français, Lucian Blaga, poète célèbre en Roumanie, où ses poèmes sont étudiés à l'école et considérés comme des classiques de la littérature du XXème siècle, reste méconnu en France." + }, + "key": "849" + }, + { + "attributes": { + "blank": " ", + "id": "859", + "language": "fr", + "text_to_embed": "Avant les festivités de Noël, j'ai fait une découverte remarquable : une histoire moderne qui met en avant l'héroïne face à son destin et à ses choix lors de sa recherche de l'amour. Elle évolue pendant les 12 rendez-vous de Noël d'une manière extraordinaire." + }, + "key": "859" + }, + { + "attributes": { + "blank": " ", + "id": "869", + "language": "es", + "text_to_embed": "Algunos os estaréis preguntando si, después de diez volúmenes, la serie sigue siendo capaz de mantener las cosas frescas e interesantes, si la trama no es demasiado redundante o aburrida, pero puedo deciros que incluso después de leer estos diez libros me sigue sorprendiendo cómo van las cosas. Cada volumen añade su pequeña piedra al edificio general que es el universo Híbrido. Pero volvamos a este tomo de Luna." + }, + "key": "869" + }, + { + "attributes": { + "blank": " ", + "id": "867", + "language": "ja", + "text_to_embed": "10巻を読んでもなお、このシリーズが新鮮さと面白さを維持できているのか、プロットが冗長すぎたり退屈すぎたりしていないのか、と疑問に思う人もいるかもしれないが、この10冊を読んでもなお、私はこの展開に驚いていると断言できる。各巻が、ハイブリッドの世界という全体的な建造物に、それぞれの小さな石を加えているのだ。しかし、この『月』の話に戻ろう。" + }, + "key": "867" + }, + { + "attributes": { + "blank": " ", + "id": "879", + "language": "fr", + "text_to_embed": "Les superbes tableaux colorés, dynamiques et débordants de vitalité de Teresa Arroyo Corcobado transcendent le texte tendre de Maylis Daufresne de manière sublime. Autour du jeune arbuste qui pointe vers le ciel et de son amitié avec l'oiseau voyageur, le lecteur est imprégné des bruissements de la forêt, de l'apprentissage de l'arbre et de sa sagesse infinie... Tout gravite autour de ces éléments, véritablement splendides." + }, + "key": "879" + }, + { + "attributes": { + "blank": " ", + "id": "889", + "language": "fr", + "text_to_embed": "D’abord, j’ai été intriguée par ce qui se disait sur #LaPlusSecrèteMémoireDesHommes, de quoi me donner envie de le lire. Ensuite, j’ai soupiré sur les 50 premières pages, encore 400 pages comme ça ? C’était ennuyeux, malgré le très beau style. Enfin, le livre démarre, c’est finalement un coup de cœur en dépit de quelques reproches (mais pourquoi donc compliquer la vie du lecteur ?) 😴" + }, + "key": "889" + }, + { + "attributes": { + "blank": " ", + "id": "892", + "language": "de", + "text_to_embed": "Nichts geht mehr im kleinen Dorf der Schlümpfe! Sie sind sonst so freundlich, so nett, so fröhlich, so wohlwollend, so solidarisch, aber jetzt sind sie kaum wiederzuerkennen. Seit einiger Zeit sind sie aggressiv, unfreundlich, mürrisch und streitsüchtig geworden. Mit jedem Tag, der vergeht, wird die Situation schlimmer." + }, + "key": "892" + }, + { + "attributes": { + "blank": " ", + "id": "893", + "language": "pt", + "text_to_embed": "Nada está a correr bem na pequena aldeia dos Smurfs! Normalmente são tão simpáticos, tão gentis, tão alegres, tão benevolentes, tão solidários, mas agora tornaram-se irreconhecíveis. Desde há algum tempo, sabe-se lá porquê, tornaram-se agressivos, desagradáveis, mal-humorados e briguentos. Com o passar dos dias, a situação só piora." + }, + "key": "893" + }, + { + "attributes": { + "blank": " ", + "id": "909", + "language": "es", + "text_to_embed": "Una vez más, he leído una novela que no elegí yo, sino que me sugirieron como parte del club de lectura patrocinado por J'ai Lu, del que soy miembro. Me encanta este juego de azar que me pone en contacto con una novela que probablemente no habría leído por mi cuenta. Me encanta que me sorprendan, conocer a un autor; aunque me decepcione, a veces la emoción del descubrimiento sigue siendo un placer." + }, + "key": "909" + }, + { + "attributes": { + "blank": " ", + "id": "905", + "language": "tr", + "text_to_embed": "Bir kez daha, benim seçmediğim, ancak üyesi olduğum J'ai Lu'nun sponsor olduğu kitap kulübünün bir parçası olarak bana önerilen bir romanı okudum. Beni muhtemelen kendi başıma okumayacağım bir romanla buluşturan bu şans oyununu seviyorum. Şaşırmayı, bir yazarı tanımayı seviyorum; hayal kırıklığına uğrasam bile, bazen keşfetmenin heyecanı yine de bir zevk." + }, + "key": "905" + }, + { + "attributes": { + "blank": " ", + "id": "919", + "language": "fr", + "text_to_embed": "Commençons par les choses qui fâchent 😄: Impact est en soi un roman médiocre, prévisible et plein de clichés, qui ressemble à un travail bâclé, ou plutôt à la production mineure d'un écrivain en pilote automatique. Le scénario, les lieux du récit, les personnages, jusqu'aux noms même (les masques de panda avec une cicatrice 😊, l'association \"Green War\" 😒, etc.), tout semble avoir été choisi au plus facile, comme par fainéantise. #déception #manquecréativité" + }, + "key": "919" + }, + { + "attributes": { + "blank": " ", + "id": "927", + "language": "fr", + "text_to_embed": "C'est une histoire touchante qui met en lumière les difficultés de concilier le handicap, l'amitié et l'amour." + }, + "key": "927" + }, + { + "attributes": { + "blank": " ", + "id": "928", + "language": "fr", + "text_to_embed": "Bien que je comprenne la colère de Clément, il m'a été difficile de m'attacher à lui ou aux autres personnages." + }, + "key": "928" + }, + { + "attributes": { + "blank": " ", + "id": "939", + "language": "fr", + "text_to_embed": "Kenzie et Gennaro ne sont plus ensemble à cause de leur désaccord sur la conclusion de Gone Baby Gone, et bien que Lehane ne donne pas un rôle important à Angie, on ressent son absence jusqu'à la fin lorsque qu'elle réapparaît. En effet, tout s'accélère et devient plus captivant dans le dernier quart du livre." + }, + "key": "939" + }, + { + "attributes": { + "blank": " ", + "id": "936", + "language": "fr", + "text_to_embed": "Mouais, c'est un opus assez mou, Patrick enquête de son propre chef sans être payé, c'est bizarre quand même !" + }, + "key": "936" + }, + { + "attributes": { + "blank": " ", + "id": "937", + "language": "fr", + "text_to_embed": "C'est assez curieux, Patrick mène son enquête de manière non rémunérée, c'est étrange !" + }, + "key": "937" + }, + { + "attributes": { + "blank": " ", + "id": "949", + "language": "es", + "text_to_embed": "La autora aborda temas duros como la violencia doméstica, el duelo y las drogas, pero me ha parecido demasiado melodramático a pesar de un comienzo prometedor. El estilo es bueno, se lee rápido pero paradójicamente hay algunos pasajes largos en los que no se llega muy lejos... Me costó encontrarle gancho a los personajes y sigue habiendo giros argumentales y \"casualidades\" importantes." + }, + "key": "949" + }, + { + "attributes": { + "blank": " ", + "id": "945", + "language": "tr", + "text_to_embed": "Yazar aile içi şiddet, yas ve uyuşturucu gibi zor konuları ele alıyor, ancak umut verici bir başlangıca rağmen fazla melodramatik buldum. Üslup iyi, hızlı okunuyor ama paradoksal bir şekilde bazı uzun bölümler var ki çok ileriye gitmiyor... Karakterleri ilgi çekici bulmakta zorlandım ve hala bazı büyük olay örgüsü bükülmeleri ve \"tesadüfler\" var." + }, + "key": "945" + }, + { + "attributes": { + "blank": " ", + "id": "956", + "language": "ru", + "text_to_embed": "Мне показалось, что книга неплохая, не считая того, что Грегуар депрессивный, даже \"мудрый человек\" в этой истории (его дед) не подает хорошего примера, в начале он замечательный, он пытается вернуть внука на правильный путь, но у него не получается и он злится, хотя его задача - не дать Грегуару оступиться, сделать его таким же \"мудрым\", как он сам, поэтому он должен подавать пример." + }, + "key": "956" + }, + { + "attributes": { + "blank": " ", + "id": "957", + "language": "ja", + "text_to_embed": "グレゴワールがうつ病であることを除けば、この本はなかなかいい本だと思った。この物語に出てくる「賢者」(彼の祖父)でさえ、いい手本を示さない。" + }, + "key": "957" + }, + { + "attributes": { + "blank": " ", + "id": "959", + "language": "es", + "text_to_embed": "Este libro me pareció bastante bueno, aparte de que Gregoire es depresivo, incluso el \"sabio\" de esta historia (su abuelo) no da buen ejemplo, al principio es genial, intenta que su nieto vuelva al buen camino pero no lo consigue y se enfada, aunque su trabajo es evitar que Gregoire haga travesuras, que sea tan \"sabio\" como él, por eso tiene que dar ejemplo." + }, + "key": "959" + }, + { + "attributes": { + "blank": " ", + "id": "969", + "language": "fr", + "text_to_embed": "Il est évident que Shahriar Mandanipoor aime son pays, l’Iran. Il est très au courant de la censure." + }, + "key": "969" + }, + { + "attributes": { + "blank": " ", + "id": "979", + "language": "fr", + "text_to_embed": "Ce livre est incompréhensible pour moi, en réalité il exige une compréhension avancée des concepts de psychologie pour le comprendre, chose que je ne maîtrise pas. Il faudra également avoir des bases solides en philosophie pour maîtriser les termes utilisés dans cet ouvrage. C'est pour cela que je renonce, car je ne l'ai pas saisi et cela ne correspond pas à ce que je recherchais. Ce livre n'a pas pour vocation d'être vulgarisateur, donc il faut bien cibler le public approprié." + }, + "key": "979" + }, + { + "attributes": { + "blank": " ", + "id": "989", + "language": "es", + "text_to_embed": "Pierre y Solal son amigos de la infancia. Cuando Pierre decidió abrir un canal en YouTube, su compañero le ayudó con el equipo profesional de su padre. Pierre escribe el contenido del vídeo y Solal lo edita. Pero Solal tuvo un accidente con el monopatín. Pierre estaba consternado y temía perder a su mejor amigo, así que grabó un vídeo y lo publicó. Miles y miles de visitas le propulsaron como el nuevo influencer a seguir." + }, + "key": "989" + }, + { + "attributes": { + "blank": " ", + "id": "999", + "language": "fr", + "text_to_embed": "À partir de la seconde moitié du roman, j'ai malheureusement dû lire en diagonale, puisque les personnages ne m'ont pas touché, ce qui a été une déception pour Varin." + }, + "key": "999" + }, + { + "attributes": { + "blank": " ", + "id": "993", + "language": "fr", + "text_to_embed": "Lorsque j'en suis arrivé à la seconde moitié du roman, j'ai malheureusement dû lire les pages en diagonale, étant donné mon manque de connexion émotionnelle avec les personnages." + }, + "key": "993" + }, + { + "attributes": { + "blank": " ", + "id": "1009", + "language": "es", + "text_to_embed": "Mamaria, Till, Helga, Vuk, Pol y Mila viven en Caracas, Venezuela. Viven en el piso 25 de la Torre de David, un entrañable edificio inacabado en el que viven cientos de personas. Tienen que defender su hogar con uñas y dientes de todos los miserables que viven en la calle y sueñan con ocupar su lugar. Cuando llega el mal tiempo, se encuentran con más problemas de los habituales." + }, + "key": "1009" + }, + { + "attributes": { + "blank": " ", + "id": "1002", + "language": "de", + "text_to_embed": "In Caracas, Venezuela, leben Mamaria, Till, Helga, Vuk, Pol und Mila. Sie wohnen im 25. Stock des Davidsturms, einem beliebten, unvollendeten Gebäude, in dem Hunderte von Menschen leben. Sie müssen ihren Lebensraum mit Zähnen und Klauen gegen all die Elenden verteidigen, die auf der Straße leben und davon träumen, an ihre Stelle zu treten. Als ein Unwetter wütet, werden sie noch mehr gequält als sonst." + }, + "key": "1002" + }, + { + "attributes": { + "blank": " ", + "id": "1019", + "language": "en", + "text_to_embed": "OMG! Bernie Sanders raised more money than Hillary Clinton in February?" + }, + "key": "1019" + }, + { + "attributes": { + "blank": " ", + "id": "1029", + "language": "es", + "text_to_embed": "Este fan de Usain Bolt gana totalmente las Olimpiadas de animación" + }, + "key": "1029" + }, + { + "attributes": { + "blank": " ", + "id": "1039", + "language": "en", + "text_to_embed": "\"The 3 Ways In Which Strategic Influence Is Vital for Women\"" + }, + "key": "1039" + }, + { + "attributes": { + "blank": " ", + "id": "1049", + "language": "en", + "text_to_embed": "Nancy Pelosi pleads with Paul Ryan to remove Steve King from his chairmanship." + }, + "key": "1049" + }, + { + "attributes": { + "blank": " ", + "id": "1059", + "language": "en", + "text_to_embed": "Rational discussion has been made unfeasible by the divisive impact of Trump." + }, + "key": "1059" + }, + { + "attributes": { + "blank": " ", + "id": "1069", + "language": "en", + "text_to_embed": "🔥 Hot Take Alert 🔥 \"High Line-Inspired Park could be coming to Queens 😮!" + }, + "key": "1069" + }, + { + "attributes": { + "blank": " ", + "id": "1079", + "language": "es", + "text_to_embed": "La ley de portación abierta de armas de Texas permite el uso de armas de fuego en hospitales psiquiátricos" + }, + "key": "1079" + }, + { + "attributes": { + "blank": " ", + "id": "1089", + "language": "en", + "text_to_embed": "Radio Host Loses Gig After Calling Chloe Kim 'Little Hot Piece Of Ass?!'" + }, + "key": "1089" + }, + { + "attributes": { + "blank": " ", + "id": "1099", + "language": "es", + "text_to_embed": "El equipo de la NFL con nombre racista acaba de recibir un gran impulso en su lucha legal" + }, + "key": "1099" + }, + { + "attributes": { + "blank": " ", + "id": "1109", + "language": "es", + "text_to_embed": "Vuelve el espíritu que nos llevó a la Guerra Civil" + }, + "key": "1109" + }, + { + "attributes": { + "blank": " ", + "id": "1105", + "language": "tr", + "text_to_embed": "Bizi İç Savaşa Sürükleyen Ruh Geri Döndü" + }, + "key": "1105" + }, + { + "attributes": { + "blank": " ", + "id": "1119", + "language": "es", + "text_to_embed": "Rafael Nadal, eliminado del Abierto de Australia tras perder en primera ronda" + }, + "key": "1119" + }, + { + "attributes": { + "blank": " ", + "id": "1129", + "language": "en", + "text_to_embed": "IEX Receives SEC Approval To Operate As U.S. Stock Exchange" + }, + "key": "1129" + }, + { + "attributes": { + "blank": " ", + "id": "1138", + "language": "en", + "text_to_embed": "HuffPost's intense showdown results in the best barbecue dish of all." + }, + "key": "1138" + }, + { + "attributes": { + "blank": " ", + "id": "1139", + "language": "en", + "text_to_embed": "The HuffPost Deathmatch declares the ultimate winner among barbecue dishes." + }, + "key": "1139" + }, + { + "attributes": { + "blank": " ", + "id": "1149", + "language": "en", + "text_to_embed": "Jimmy Kimmel Can’t Neutralize DACA Opponents, Even With A Cute Baby" + }, + "key": "1149" + }, + { + "attributes": { + "blank": " ", + "id": "1157", + "language": "ja", + "text_to_embed": "トランプ政権下で進むべき道を示すオバマ大統領の送別演説" + }, + "key": "1157" + }, + { + "attributes": { + "blank": " ", + "id": "1159", + "language": "es", + "text_to_embed": "El discurso de despedida de Obama marcará el camino a seguir bajo Trump" + }, + "key": "1159" + }, + { + "attributes": { + "blank": " ", + "id": "1169", + "language": "en", + "text_to_embed": "Democratic Trade Union Members Warm To Donald Trump's #Economic Populist Pitch" + }, + "key": "1169" + }, + { + "attributes": { + "blank": " ", + "id": "1174", + "language": "en", + "text_to_embed": "Engaging in business utilizing traditional means: Meeting face to face." + }, + "key": "1174" + }, + { + "attributes": { + "blank": " ", + "id": "1178", + "language": "en", + "text_to_embed": "Implementing the age-old way of doing business: In-person meetings." + }, + "key": "1178" + }, + { + "attributes": { + "blank": " ", + "id": "1175", + "language": "en", + "text_to_embed": "Emphasizing the conventional way of doing business: Through direct contact." + }, + "key": "1175" + }, + { + "attributes": { + "blank": " ", + "id": "1187", + "language": "ja", + "text_to_embed": "ジェブ・ブッシュ、クライシス妊娠センターを訪問へ" + }, + "key": "1187" + }, + { + "attributes": { + "blank": " ", + "id": "1189", + "language": "es", + "text_to_embed": "Jeb Bush visitará un centro de crisis para embarazadas" + }, + "key": "1189" + }, + { + "attributes": { + "blank": " ", + "id": "1199", + "language": "en", + "text_to_embed": "\"Common Cooking Myths... Debunked! Screaming Lobsters And More\"" + }, + "key": "1199" + }, + { + "attributes": { + "blank": " ", + "id": "1209", + "language": "es", + "text_to_embed": "El Partido Republicano lleva su lucha contra el cambio climático al extranjero" + }, + "key": "1209" + }, + { + "attributes": { + "blank": " ", + "id": "1207", + "language": "ja", + "text_to_embed": "米共和党、反気候を海外に訴える" + }, + "key": "1207" + }, + { + "attributes": { + "blank": " ", + "id": "1219", + "language": "es", + "text_to_embed": "La gimnasta Simone Biles lidera el equipo estadounidense en Río" + }, + "key": "1219" + }, + { + "attributes": { + "blank": " ", + "id": "1229", + "language": "en", + "text_to_embed": "In light of his presidential victory, Donald Trump immediately updates his Twitter bio." + }, + "key": "1229" + }, + { + "attributes": { + "blank": " ", + "id": "1237", + "language": "en", + "text_to_embed": "What are the guidelines for hosting a pumpkin carving gathering?" + }, + "key": "1237" + }, + { + "attributes": { + "blank": " ", + "id": "1239", + "language": "en", + "text_to_embed": "How can someone effectively coordinate a pumpkin carving celebration?" + }, + "key": "1239" + }, + { + "attributes": { + "blank": " ", + "id": "1249", + "language": "en", + "text_to_embed": "Another Poll: The Continuing, Debilitating Impact of Modern Workplace Stress." + }, + "key": "1249" + }, + { + "attributes": { + "blank": " ", + "id": "1259", + "language": "es", + "text_to_embed": "El negocio de joyas de Ivanka Trump pidió visados para contratar trabajadores extranjeros" + }, + "key": "1259" + }, + { + "attributes": { + "blank": " ", + "id": "1269", + "language": "en", + "text_to_embed": "\"Pro-Abortion Rights Progressive Wins Nebraska Democratic House Primary\" 💪🏛️ #ProgressivePolitics 🌟" + }, + "key": "1269" + }, + { + "attributes": { + "blank": " ", + "id": "1279", + "language": "en", + "text_to_embed": "He looks at tuberculosis death toll and wonders, why you're not worried? 😨" + }, + "key": "1279" + }, + { + "attributes": { + "blank": " ", + "id": "1289", + "language": "es", + "text_to_embed": "Las Minnesota Lynx conquistan su tercer título de la WNBA en cinco años" + }, + "key": "1289" + }, + { + "attributes": { + "blank": " ", + "id": "1298", + "language": "en", + "text_to_embed": "\"We Can't Comprehend #MarthaStewart's Surprising Sex Tips\" 🤯" + }, + "key": "1298" + }, + { + "attributes": { + "blank": " ", + "id": "1295", + "language": "en", + "text_to_embed": "\"We're Amazed by #MarthaStewart's Bold Romantic Advice\" 😲" + }, + "key": "1295" + }, + { + "attributes": { + "blank": " ", + "id": "1297", + "language": "en", + "text_to_embed": "\"We're Blown Away by #MarthaStewart's Bizarre Intimacy Suggestions\" 🙀" + }, + "key": "1297" + }, + { + "attributes": { + "blank": " ", + "id": "1309", + "language": "en", + "text_to_embed": "\"Milk Carton Projects: DIY Tips For Creative Ways To Recycle Old Jugs!\"" + }, + "key": "1309" + }, + { + "attributes": { + "blank": " ", + "id": "1319", + "language": "en", + "text_to_embed": "The health care bill that Trump spoke positively about is now referred to by him as 'mean.'" + }, + "key": "1319" + }, + { + "attributes": { + "blank": " ", + "id": "1329", + "language": "en", + "text_to_embed": "A Retrospective on Mike Pence's Remarkable Achievements" + }, + "key": "1329" + }, + { + "attributes": { + "blank": " ", + "id": "1339", + "language": "en", + "text_to_embed": "Inspiring students to embrace happiness and innovation through teaching." + }, + "key": "1339" + }, + { + "attributes": { + "blank": " ", + "id": "1349", + "language": "en", + "text_to_embed": "\"Ex-New Mexico Secretary Of State Sentenced Inside Campaign Scandal.\"" + }, + "key": "1349" + }, + { + "attributes": { + "blank": " ", + "id": "1357", + "language": "ja", + "text_to_embed": "戦死した英雄の母ガザラ・カーンがドナルド・トランプに反論" + }, + "key": "1357" + }, + { + "attributes": { + "blank": " ", + "id": "1359", + "language": "es", + "text_to_embed": "Ghazala Khan, madre del héroe de guerra asesinado, responde a Donald Trump" + }, + "key": "1359" + }, + { + "attributes": { + "blank": " ", + "id": "1369", + "language": "en", + "text_to_embed": "\"Irresistible Pepperoni Pizza Scone!\"" + }, + "key": "1369" + }, + { + "attributes": { + "blank": " ", + "id": "1379", + "language": "en", + "text_to_embed": "The implementation of single-payer health care will lead to conflict within the Democratic Party." + }, + "key": "1379" + }, + { + "attributes": { + "blank": " ", + "id": "1389", + "language": "en", + "text_to_embed": "\"Supreme Court Appears Divided Over Aggressive National Voter Purge Process\" 😕" + }, + "key": "1389" + }, + { + "attributes": { + "blank": " ", + "id": "1399", + "language": "en", + "text_to_embed": "We’re Being Served A Revolution On A Plate; Time To Eat Up #disruption #future" + }, + "key": "1399" + }, + { + "attributes": { + "blank": " ", + "id": "1409", + "language": "en", + "text_to_embed": "The Huge Question: Uber's $100 Million Settlement Leaves Too Many Unanswered Questions." + }, + "key": "1409" + }, + { + "attributes": { + "blank": " ", + "id": "1419", + "language": "es", + "text_to_embed": "El nuevo jefe de campaña de Trump niega que el candidato lance \"insultos personales" + }, + "key": "1419" + }, + { + "attributes": { + "blank": " ", + "id": "1429", + "language": "es", + "text_to_embed": "10 platos clásicos americanos para el 4 de julio" + }, + "key": "1429" + }, + { + "attributes": { + "blank": " ", + "id": "1439", + "language": "en", + "text_to_embed": "\"Team Obama’s Last Try For Middle East Peace Explained\" #Obama #MiddleEastPeaceProcess" + }, + "key": "1439" + }, + { + "attributes": { + "blank": " ", + "id": "1449", + "language": "en", + "text_to_embed": "Andrew Pickup: Actively pursue harder challenges to acquire a broader set of experiences." + }, + "key": "1449" + }, + { + "attributes": { + "blank": " ", + "id": "1459", + "language": "en", + "text_to_embed": "Bernie Sanders bests Hillary Clinton in Nebraska? What does this mean for the future? #changeiscoming" + }, + "key": "1459" + }, + { + "attributes": { + "blank": " ", + "id": "1469", + "language": "en", + "text_to_embed": "Will Uber's newly launched 'Drivers Association' have any tangible impact?" + }, + "key": "1469" + }, + { + "attributes": { + "blank": " ", + "id": "1479", + "language": "en", + "text_to_embed": "\"This Cyclist is peddling hope for anyone who's with her!\" 🚴‍♀️😍" + }, + "key": "1479" + }, + { + "attributes": { + "blank": " ", + "id": "1489", + "language": "en", + "text_to_embed": "Jeff Sessions' nomination for Attorney General faces staunch opposition from top Democrats." + }, + "key": "1489" + }, + { + "attributes": { + "blank": " ", + "id": "1499", + "language": "en", + "text_to_embed": "The Michael Cohen transaction causes the top lawyer of Novartis to step down." + }, + "key": "1499" + }, + { + "attributes": { + "blank": " ", + "id": "1509", + "language": "es", + "text_to_embed": "5 coches descarrilan tras colisionar trenes en Virginia" + }, + "key": "1509" + }, + { + "attributes": { + "blank": " ", + "id": "1507", + "language": "ja", + "text_to_embed": "バージニア州で列車が衝突、5台が脱線" + }, + "key": "1507" + }, + { + "attributes": { + "blank": " ", + "id": "1519", + "language": "en", + "text_to_embed": "Joe Biden is the target of mockery in a campaign ad by Trump following his act of kneeling in a church." + }, + "key": "1519" + }, + { + "attributes": { + "blank": " ", + "id": "1529", + "language": "en", + "text_to_embed": "Government Employee 👤 Stole Bank Regulator Files In 'Major Incident'" + }, + "key": "1529" + }, + { + "attributes": { + "blank": " ", + "id": "1539", + "language": "es", + "text_to_embed": "El Tribunal de Apelaciones bloquea las leyes de identificación de votantes en 3 estados" + }, + "key": "1539" + }, + { + "attributes": { + "blank": " ", + "id": "1548", + "language": "en", + "text_to_embed": "The Departure of Trump's ex-labor nominee from Hardee's and Carl's Jr." + }, + "key": "1548" + }, + { + "attributes": { + "blank": " ", + "id": "1549", + "language": "en", + "text_to_embed": "The former nominee for Labor in the Trump administration vacates Hardee's and Carl's Jr." + }, + "key": "1549" + }, + { + "attributes": { + "blank": " ", + "id": "1559", + "language": "en", + "text_to_embed": "In previous occurrences, Marco Rubio solely unveiled partial tax returns." + }, + "key": "1559" + }, + { + "attributes": { + "blank": " ", + "id": "1568", + "language": "en", + "text_to_embed": "Rock Hot Honey: The Ingredient You Need In Your Kitchen" + }, + "key": "1568" + }, + { + "attributes": { + "blank": " ", + "id": "1569", + "language": "en", + "text_to_embed": "Trending Now! #HabaneroHoney: The Ingredient You Need In Your Kitchen" + }, + "key": "1569" + }, + { + "attributes": { + "blank": " ", + "id": "1579", + "language": "es", + "text_to_embed": "Steve Bannon se retira de un discurso en un importante think tank de Washington" + }, + "key": "1579" + }, + { + "attributes": { + "blank": " ", + "id": "1589", + "language": "en", + "text_to_embed": "\"The Deficit Is Down, and the Deficit Hawks Are Furious.\"" + }, + "key": "1589" + }, + { + "attributes": { + "blank": " ", + "id": "1599", + "language": "es", + "text_to_embed": "Cubitos de hielo de gran tamaño: Cómo recrear la tendencia de los bares en casa" + }, + "key": "1599" + }, + { + "attributes": { + "blank": " ", + "id": "1609", + "language": "es", + "text_to_embed": "Mirando al Gobernador Cuomo: Un legado sobre religión y vida pública" + }, + "key": "1609" + }, + { + "attributes": { + "blank": " ", + "id": "1607", + "language": "ja", + "text_to_embed": "クオモ知事への期待:宗教と公共生活に関する遺産" + }, + "key": "1607" + }, + { + "attributes": { + "blank": " ", + "id": "1619", + "language": "en", + "text_to_embed": "Providing a rundown of Manchester United's activities in the United States during Week 14." + }, + "key": "1619" + }, + { + "attributes": { + "blank": " ", + "id": "1629", + "language": "en", + "text_to_embed": "In Florida, Tiger Woods was taken into custody for driving while intoxicated." + }, + "key": "1629" + }, + { + "attributes": { + "blank": " ", + "id": "1634", + "language": "zh", + "text_to_embed": "一锅香辣鸡肉:我的英雄" + }, + "key": "1634" + }, + { + "attributes": { + "blank": " ", + "id": "1636", + "language": "ru", + "text_to_embed": "Острая курица с ранчо в одной заготовке: Мой герой!" + }, + "key": "1636" + }, + { + "attributes": { + "blank": " ", + "id": "1639", + "language": "es", + "text_to_embed": "Pollo Ranchero Picante en una Sartén: ¡Mi héroe!" + }, + "key": "1639" + }, + { + "attributes": { + "blank": " ", + "id": "1649", + "language": "en", + "text_to_embed": "Manchester United #EPL Fans Let David Moyes Down 😪" + }, + "key": "1649" + }, + { + "attributes": { + "blank": " ", + "id": "1659", + "language": "en", + "text_to_embed": "As war continues unabated, the Paralympics are about to commence in Beijing, with Russia excluded from the proceedings." + }, + "key": "1659" + }, + { + "attributes": { + "blank": " ", + "id": "1658", + "language": "en", + "text_to_embed": "While conflict engulfs the region, the Paralympics will open in Beijing, but Russia will not be present." + }, + "key": "1658" + }, + { + "attributes": { + "blank": " ", + "id": "1669", + "language": "en", + "text_to_embed": "\"The Wackiest Failed Snapple Drinks\"" + }, + "key": "1669" + }, + { + "attributes": { + "blank": " ", + "id": "1668", + "language": "en", + "text_to_embed": "\"The Wackiest Failed Cheetos Flavors\"" + }, + "key": "1668" + }, + { + "attributes": { + "blank": " ", + "id": "1679", + "language": "en", + "text_to_embed": "Ridding myself of my sexist antipathy towards Hillary Clinton." + }, + "key": "1679" + }, + { + "attributes": { + "blank": " ", + "id": "1689", + "language": "en", + "text_to_embed": "In the current state of affairs, Donald Trump is being celebrated as the embodiment of racism." + }, + "key": "1689" + }, + { + "attributes": { + "blank": " ", + "id": "1699", + "language": "en", + "text_to_embed": "\"Bernie Sanders and Donald Trump Actually Agree On Some Major Things\" #sharedvalues" + }, + "key": "1699" + }, + { + "attributes": { + "blank": " ", + "id": "1707", + "language": "ja", + "text_to_embed": "トランプ時代における人種差別撤廃の追求" + }, + "key": "1707" + }, + { + "attributes": { + "blank": " ", + "id": "1709", + "language": "es", + "text_to_embed": "La lucha contra la segregación en la era Trump" + }, + "key": "1709" + }, + { + "attributes": { + "blank": " ", + "id": "1719", + "language": "en", + "text_to_embed": "\"'No City Anymore': Mariupol Survivors Flee On Train To Asylum\" #conflict" + }, + "key": "1719" + }, + { + "attributes": { + "blank": " ", + "id": "1729", + "language": "en", + "text_to_embed": "Trump resolutely defends his fact-free fraud theory regarding mail-in voting." + }, + "key": "1729" + }, + { + "attributes": { + "blank": " ", + "id": "1739", + "language": "es", + "text_to_embed": "El estado de Washington demandará para frenar el veto migratorio de Trump" + }, + "key": "1739" + }, + { + "attributes": { + "blank": " ", + "id": "1749", + "language": "es", + "text_to_embed": "La nueva revista de cocina en vídeo cuenta con chefs de primera línea que enseñan recetas" + }, + "key": "1749" + }, + { + "attributes": { + "blank": " ", + "id": "1759", + "language": "en", + "text_to_embed": "Provide us with the latest news on HBO Max. Here's what we've learned thus far." + }, + "key": "1759" + }, + { + "attributes": { + "blank": " ", + "id": "1769", + "language": "es", + "text_to_embed": "La campaña de la que todo el mundo debería hablar, no la de Hilary" + }, + "key": "1769" + }, + { + "attributes": { + "blank": " ", + "id": "1779", + "language": "en", + "text_to_embed": "Fans can't believe their eyes as Tom Brady tries to block during the Patriots' rout of the Jets." + }, + "key": "1779" + }, + { + "attributes": { + "blank": " ", + "id": "1789", + "language": "en", + "text_to_embed": "Already Struggling, Farms Stand To Lose Under Trump's #Protectionist Trade Agenda 😔" + }, + "key": "1789" + }, + { + "attributes": { + "blank": " ", + "id": "1786", + "language": "en", + "text_to_embed": "#Farmers Bear the Brunt of Trump's Trade Agenda 😔🌽" + }, + "key": "1786" + }, + { + "attributes": { + "blank": " ", + "id": "1787", + "language": "en", + "text_to_embed": "Already Struggling, #RuralEconomy Faces Bleak Future With Trump's Trade Agenda 😞💔" + }, + "key": "1787" + }, + { + "attributes": { + "blank": " ", + "id": "1798", + "language": "en", + "text_to_embed": "The 4 Most Outrageous Ice Cream Flavors? #icecream" + }, + "key": "1798" + }, + { + "attributes": { + "blank": " ", + "id": "1799", + "language": "en", + "text_to_embed": "The 4 Most Outrageous #IceCream Flavors" + }, + "key": "1799" + }, + { + "attributes": { + "blank": " ", + "id": "1809", + "language": "en", + "text_to_embed": "The UN Climate Summit became charged with controversy as Greta Thunberg leveled a fierce accusation at world leaders: 'How dare you!'" + }, + "key": "1809" + }, + { + "attributes": { + "blank": " ", + "id": "1819", + "language": "en", + "text_to_embed": "California colleges are unaffected by Trump's decision to phase out DACA." + }, + "key": "1819" + }, + { + "attributes": { + "blank": " ", + "id": "1829", + "language": "es", + "text_to_embed": "El refugio de la Sociedad Humanitaria de San Diego muestra cómo mantener cómodos a los animales rescatados" + }, + "key": "1829" + }, + { + "attributes": { + "blank": " ", + "id": "1827", + "language": "ja", + "text_to_embed": "サンディエゴ動物愛護協会シェルター、保護動物を快適に保つ方法を紹介" + }, + "key": "1827" + }, + { + "attributes": { + "blank": " ", + "id": "1838", + "language": "en", + "text_to_embed": "Revealing the genuine hidden gem of prosperous investors" + }, + "key": "1838" + }, + { + "attributes": { + "blank": " ", + "id": "1839", + "language": "en", + "text_to_embed": "Uncovering the real essence of successful investors" + }, + "key": "1839" + }, + { + "attributes": { + "blank": " ", + "id": "1849", + "language": "es", + "text_to_embed": "Esto es lo que pensaron los votantes del Partido Republicano sobre el segundo debate" + }, + "key": "1849" + }, + { + "attributes": { + "blank": " ", + "id": "1859", + "language": "es", + "text_to_embed": "Las recetas de huevos rellenos que quieres y necesitas" + }, + "key": "1859" + }, + { + "attributes": { + "blank": " ", + "id": "1869", + "language": "es", + "text_to_embed": "Llamando a todos los amantes de los gatos, esta es su tarta" + }, + "key": "1869" + }, + { + "attributes": { + "blank": " ", + "id": "1879", + "language": "en", + "text_to_embed": "\"The #NeverTrump Push Hits A Concrete Wall In Nebraska\" 🚧🧱" + }, + "key": "1879" + }, + { + "attributes": { + "blank": " ", + "id": "1889", + "language": "es", + "text_to_embed": "Tarta de zanahoria con cardamomo, grosellas y chantilly de jengibre y crème fraîche" + }, + "key": "1889" + }, + { + "attributes": { + "blank": " ", + "id": "1898", + "language": "en", + "text_to_embed": "Caught In A Revolving Door Of #UnemploymentAndStruggle." + }, + "key": "1898" + }, + { + "attributes": { + "blank": " ", + "id": "1893", + "language": "en", + "text_to_embed": "Caught In #ARevolvingDoorOfUnemployment." + }, + "key": "1893" + }, + { + "attributes": { + "blank": " ", + "id": "1899", + "language": "en", + "text_to_embed": "Caught In A #NeverEndingRevolvingDoorOfUnemployment!" + }, + "key": "1899" + }, + { + "attributes": { + "blank": " ", + "id": "1909", + "language": "en", + "text_to_embed": "South Carolina takes home the championship trophy, earning their first NCAA National Title." + }, + "key": "1909" + }, + { + "attributes": { + "blank": " ", + "id": "1919", + "language": "en", + "text_to_embed": "\"Joe Biden says, 'Clinton Foundation should never shut down!'\"" + }, + "key": "1919" + }, + { + "attributes": { + "blank": " ", + "id": "1929", + "language": "en", + "text_to_embed": "\"Bloomberg In 2011: New York City Has 'Virtually No Racial Problems' ❤️\"" + }, + "key": "1929" + }, + { + "attributes": { + "blank": " ", + "id": "1939", + "language": "en", + "text_to_embed": "A fine totaling $1.63 billion may be imposed on UBS as a result of its involvement in Libor rigging." + }, + "key": "1939" + }, + { + "attributes": { + "blank": " ", + "id": "1949", + "language": "es", + "text_to_embed": "Las mejores ofertas en utensilios de cocina para el Amazon Prime Day" + }, + "key": "1949" + }, + { + "attributes": { + "blank": " ", + "id": "1959", + "language": "en", + "text_to_embed": "The authorization for the use of force in Iraq is being withdrawn." + }, + "key": "1959" + }, + { + "attributes": { + "blank": " ", + "id": "1969", + "language": "es", + "text_to_embed": "Academia, investigación aplicada y sus impuestos" + }, + "key": "1969" + }, + { + "attributes": { + "blank": " ", + "id": "1977", + "language": "ja", + "text_to_embed": "ジョン・マケイン、ジョー・アルパイオを恩赦したドナルド・トランプを非難" + }, + "key": "1977" + }, + { + "attributes": { + "blank": " ", + "id": "1979", + "language": "es", + "text_to_embed": "John McCain critica a Donald Trump por indultar a Joe Arpaio" + }, + "key": "1979" + }, + { + "attributes": { + "blank": " ", + "id": "1985", + "language": "tr", + "text_to_embed": "Rauner Ohio'daki Rüşvet Davası Konusunda Hala Sessiz" + }, + "key": "1985" + }, + { + "attributes": { + "blank": " ", + "id": "1988", + "language": "it", + "text_to_embed": "Rauner tace ancora sulla causa per racket in Ohio" + }, + "key": "1988" + }, + { + "attributes": { + "blank": " ", + "id": "1989", + "language": "es", + "text_to_embed": "Rauner guarda silencio sobre la demanda por chantaje en Ohio" + }, + "key": "1989" + }, + { + "attributes": { + "blank": " ", + "id": "1999", + "language": "en", + "text_to_embed": "The presence of the UFC fighter's eye, similar in dimension to a golf ball, is a truly nightmarish image." + }, + "key": "1999" + }, + { + "attributes": { + "blank": " ", + "id": "2009", + "language": "en", + "text_to_embed": "Bernie Sanders finds it tough to gain support from black voters due to his struggles in defending his stance on reparations." + }, + "key": "2009" + }, + { + "attributes": { + "blank": " ", + "id": "2019", + "language": "en", + "text_to_embed": "i wanna get a danger days tattoo so bad how cool would that spider be on someone’s wrist or smth #Tattoo #SpiderArt" + }, + "key": "2019" + }, + { + "attributes": { + "blank": " ", + "id": "2029", + "language": "en", + "text_to_embed": "\"You can't fight fate and you can't survive alone... I can't help but notice that almost seems like a definition of who I am 🌟...\"" + }, + "key": "2029" + }, + { + "attributes": { + "blank": " ", + "id": "2039", + "language": "en", + "text_to_embed": "The authors of \"Eyewitness Accounts: Eyes on Mi,\" namely Jeff Moore, Wilson Karaman, and Brendan Gawlowski, recount their experiences attending a baseball game on August 6, 2015." + }, + "key": "2039" + }, + { + "attributes": { + "blank": " ", + "id": "2049", + "language": "en", + "text_to_embed": "An addictive favorite: Hardwell ; Dannic - Survivors (Remake) [FLP Family] by on #SoundCloud 🎧🔥" + }, + "key": "2049" + }, + { + "attributes": { + "blank": " ", + "id": "2059", + "language": "en", + "text_to_embed": "Investigate why Robert Mueller didn't respond to my complaints since Nov 2011; Just left me/son out here, in danger." + }, + "key": "2059" + }, + { + "attributes": { + "blank": " ", + "id": "2069", + "language": "es", + "text_to_embed": "Entra en vigor la nueva política de contenidos de Reddit muchos subreddits horribles baneados o en cuarentena" + }, + "key": "2069" + }, + { + "attributes": { + "blank": " ", + "id": "2079", + "language": "es", + "text_to_embed": "09:13 PM: Hazardous Weather Outlook ( NO SE ESPERA NINGÚN TIEMPO PELIGROSO EN ESTE MOMENTO...." + }, + "key": "2079" + }, + { + "attributes": { + "blank": " ", + "id": "2089", + "language": "en", + "text_to_embed": "A video highlighting the MK X Tremors Stalag Might Fatality at the Ermac Tournament Pharaoh caught my attention." + }, + "key": "2089" + }, + { + "attributes": { + "blank": " ", + "id": "2099", + "language": "en", + "text_to_embed": "I become slightly more uneasy about tracks that look like this one after the green line derailment." + }, + "key": "2099" + }, + { + "attributes": { + "blank": " ", + "id": "2109", + "language": "en", + "text_to_embed": "Utica, NY witnessed a cat fatality on August 3rd, 2015 near Pleasant and Holland Ave. The cat in question had black fur with white paws, an average size, and was located on the grass along the road's north side." + }, + "key": "2109" + }, + { + "attributes": { + "blank": " ", + "id": "2119", + "language": "en", + "text_to_embed": "MP train derailment: Village youth saved many lives; #IndiaTV." + }, + "key": "2119" + }, + { + "attributes": { + "blank": " ", + "id": "2129", + "language": "en", + "text_to_embed": "\"SEVERE WEATHER BULLETIN No. 5. ON: TYPHOON ‰#Hanna (SOUDELOR). TROPICAL CYCLONE: WARNING. ISSUED AT 5:00 PM 06...\"" + }, + "key": "2129" + }, + { + "attributes": { + "blank": " ", + "id": "2137", + "language": "en", + "text_to_embed": "I am backing #TeamNyle because he has a family member under his control, leaving me with no alternative but to share this or face negative consequences." + }, + "key": "2137" + }, + { + "attributes": { + "blank": " ", + "id": "2139", + "language": "en", + "text_to_embed": "I endorse #TeamNyle due to his coercion of a family member, which necessitates my posting of this message to circumvent any potential repercussions." + }, + "key": "2139" + }, + { + "attributes": { + "blank": " ", + "id": "2146", + "language": "en", + "text_to_embed": "I am entirely certain about it. Even so, his hidden intention in performing the action causes me to desire his demise under a bus." + }, + "key": "2146" + }, + { + "attributes": { + "blank": " ", + "id": "2147", + "language": "en", + "text_to_embed": "I am confident without a doubt. However, his silent assertion in carrying out the action elicits a strong yearning for him to be run over by a bus." + }, + "key": "2147" + }, + { + "attributes": { + "blank": " ", + "id": "2143", + "language": "en", + "text_to_embed": "It is undeniable. However, his tacit declaration in taking that action instills in me a longing for him to be struck down by a bus." + }, + "key": "2143" + }, + { + "attributes": { + "blank": " ", + "id": "2149", + "language": "en", + "text_to_embed": "There is no reason to question it. Nevertheless, the implicit statement he made while engaging in the action kindles a desire for him to be struck down by a bus." + }, + "key": "2149" + }, + { + "attributes": { + "blank": " ", + "id": "2159", + "language": "en", + "text_to_embed": "Delete: \"I have completed the quest in the #Android game The Tribez. #androidgames #gameinsight.\"" + }, + "key": "2159" + }, + { + "attributes": { + "blank": " ", + "id": "2169", + "language": "en", + "text_to_embed": "Club going up mixtape (RNB Edition) 2015?? By DJ Volcano x Starz Team. #Download" + }, + "key": "2169" + }, + { + "attributes": { + "blank": " ", + "id": "2179", + "language": "es", + "text_to_embed": "Policía herido sospechoso muerto tras intercambio de disparos: Agente de policía de Richmond herido sospechoso muerto un..." + }, + "key": "2179" + }, + { + "attributes": { + "blank": " ", + "id": "2189", + "language": "en", + "text_to_embed": "Charred remains of homes on 2nd St in Manchester NH after fire 🔥 engulfs 2 buildings damaging neighboring homes" + }, + "key": "2189" + }, + { + "attributes": { + "blank": " ", + "id": "2199", + "language": "en", + "text_to_embed": "Parker Ridge Fact Sheet Aug 6 2015 (Parker Ridge Wildfire): Information Phone: 208-267-6773 Email: pa... (#FireID)" + }, + "key": "2199" + }, + { + "attributes": { + "blank": " ", + "id": "2209", + "language": "en", + "text_to_embed": "Save the date - August 19th at 2pm ET - for a free webinar discussing #wildfire mitigation." + }, + "key": "2209" + }, + { + "attributes": { + "blank": " ", + "id": "2219", + "language": "en", + "text_to_embed": "How, \"Little Boy\" affected the people in Hiroshima! Eyewitness Testimonials. #HiroshimaStory" + }, + "key": "2219" + }, + { + "attributes": { + "blank": " ", + "id": "2226", + "language": "ru", + "text_to_embed": "Увидеть армию белых ходоков - это первое, что меня немного заинтриговало в GoT на данный момент." + }, + "key": "2226" + }, + { + "attributes": { + "blank": " ", + "id": "2229", + "language": "es", + "text_to_embed": "Ver ese ejército de caminantes blancos ha sido lo primero que me ha intrigado ligeramente en GoT hasta ahora" + }, + "key": "2229" + }, + { + "attributes": { + "blank": " ", + "id": "2239", + "language": "en", + "text_to_embed": "Can you list 5 grounds for why a London Tube strike is superior to a snowstorm? Discover more..." + }, + "key": "2239" + }, + { + "attributes": { + "blank": " ", + "id": "2249", + "language": "en", + "text_to_embed": "\"Severe Thunderstorm Warning including Midwest City, OK, Del City, OK, Choctaw, OK until 10:30 PM CDT.\" [Added quotation marks]" + }, + "key": "2249" + }, + { + "attributes": { + "blank": " ", + "id": "2254", + "language": "zh", + "text_to_embed": "数以千计的人参加立刻实现和平运动组织的集会,抗议纵火袭击夺走了一名妇女的生命。" + }, + "key": "2254" + }, + { + "attributes": { + "blank": " ", + "id": "2259", + "language": "es", + "text_to_embed": "Miles de personas asisten a una concentración organizada por Peace Now en protesta por el incendio provocado que costó la vida a un" + }, + "key": "2259" + }, + { + "attributes": { + "blank": " ", + "id": "2264", + "language": "zh", + "text_to_embed": "美国国家航空航天局飓风?东太平洋 *全面更新* 卫星看到东太平洋热带风暴希尔达形成" + }, + "key": "2264" + }, + { + "attributes": { + "blank": " ", + "id": "2269", + "language": "es", + "text_to_embed": "NASA¿Huracán? PACÍFICO ORIENTAL *Actualización completa* El satélite ve la formación de la tormenta tropical Hilda en el Pacífico Oriental" + }, + "key": "2269" + }, + { + "attributes": { + "blank": " ", + "id": "2279", + "language": "es", + "text_to_embed": "Tensión en Bayelsa: Patience Jonathan planea secuestrar el APC PDP" + }, + "key": "2279" + }, + { + "attributes": { + "blank": " ", + "id": "2289", + "language": "en", + "text_to_embed": "#TransformedHiroshima does not look like a bombed city. It looks as if a monster steamroller had passed over it and squashed it out of existence." + }, + "key": "2289" + }, + { + "attributes": { + "blank": " ", + "id": "2299", + "language": "en", + "text_to_embed": "\"I liked a video Boeing 737 takeoff in snowstorm. HD cockpit view + ATC audio - Finale\" 🎥" + }, + "key": "2299" + }, + { + "attributes": { + "blank": " ", + "id": "2309", + "language": "en", + "text_to_embed": "\"Reddit updates content policy; promises to quarantine ‰extremely offensive‰ communities. ❌\"" + }, + "key": "2309" + }, + { + "attributes": { + "blank": " ", + "id": "2317", + "language": "ja", + "text_to_embed": "査察団、イランの科学者たちとの面会を拒否 - ウォール・ストリート・ジャーナル紙" + }, + "key": "2317" + }, + { + "attributes": { + "blank": " ", + "id": "2319", + "language": "es", + "text_to_embed": "Hasta ahora se ha negado a los inspectores el acceso a los científicos iraníes - Wall Street Journal" + }, + "key": "2319" + }, + { + "attributes": { + "blank": " ", + "id": "2329", + "language": "en", + "text_to_embed": "If interested, you can get your hands on the Jordan Son of Mars - Hot Lava for $160 starting 07/22/2015 via the #KoFapp." + }, + "key": "2329" + }, + { + "attributes": { + "blank": " ", + "id": "2339", + "language": "es", + "text_to_embed": "Milicianos egipcios vinculados al ISIS amenazan con matar a un rehén croata (New York Times) (1717 GMT)" + }, + "key": "2339" + }, + { + "attributes": { + "blank": " ", + "id": "2349", + "language": "es", + "text_to_embed": "Se temen doce muertos en un accidente de helicóptero ambulancia aérea en Pakistán - Reuters #yugvani" + }, + "key": "2349" + }, + { + "attributes": { + "blank": " ", + "id": "2355", + "language": "en", + "text_to_embed": "The Path of Eradication. Reanimated. Story by" + }, + "key": "2355" + }, + { + "attributes": { + "blank": " ", + "id": "2359", + "language": "en", + "text_to_embed": "The Track of Extermination. Resuscitated. Chronicle by" + }, + "key": "2359" + }, + { + "attributes": { + "blank": " ", + "id": "2358", + "language": "en", + "text_to_embed": "The Passage of Annihilation. Restored to Life. Account by" + }, + "key": "2358" + }, + { + "attributes": { + "blank": " ", + "id": "2369", + "language": "en", + "text_to_embed": "Despite the killing of Black babies at Planned Parenthood, there are no demonstrations, looting, or burning down of their buildings." + }, + "key": "2369" + }, + { + "attributes": { + "blank": " ", + "id": "2372", + "language": "de", + "text_to_embed": "Uralte Maya-Tafel mit Hieroglyphen ehrt niederen König" + }, + "key": "2372" + }, + { + "attributes": { + "blank": " ", + "id": "2375", + "language": "tr", + "text_to_embed": "Hiyeroglifli Antik Maya Tableti Alçakgönüllü Kralı Onurlandırıyor" + }, + "key": "2375" + }, + { + "attributes": { + "blank": " ", + "id": "2379", + "language": "es", + "text_to_embed": "Antigua tablilla maya con jeroglíficos honra a un rey humilde" + }, + "key": "2379" + }, + { + "attributes": { + "blank": " ", + "id": "2389", + "language": "en", + "text_to_embed": "The Punjab government flood relief platform ensures that one has access to real-time updates on damages caused by flooding, helps coordinate rescue operations, and provides travel alerts." + }, + "key": "2389" + }, + { + "attributes": { + "blank": " ", + "id": "2388", + "language": "en", + "text_to_embed": "Through the Punjab government flood relief platform, individuals can obtain up-to-the-minute information regarding floods' aftermath, contribute to rescue missions, and receive travel advisories." + }, + "key": "2388" + }, + { + "attributes": { + "blank": " ", + "id": "2399", + "language": "es", + "text_to_embed": "No #noticias de #rehenes en #Libia. #India #terrorismo #África #AP #TS #NRI #Noticias #TRS #TDP #BJP" + }, + "key": "2399" + }, + { + "attributes": { + "blank": " ", + "id": "2409", + "language": "es", + "text_to_embed": "Las familias se querellan contra los legionarios: Más de 40 familias afectadas por el brote mortal de Legio... #MuhamadJabal" + }, + "key": "2409" + }, + { + "attributes": { + "blank": " ", + "id": "2419", + "language": "en", + "text_to_embed": "Listen to Apollo Brown - Detonate (feat. M.O.P.) by Mello Music Group, now available on #SoundCloud." + }, + "key": "2419" + }, + { + "attributes": { + "blank": " ", + "id": "2429", + "language": "en", + "text_to_embed": "Can we truly accept this as progress? Leveraging weaponry to annihilate every last sign of natural existence? This is utter madness. #Hiroshima" + }, + "key": "2429" + }, + { + "attributes": { + "blank": " ", + "id": "2439", + "language": "en", + "text_to_embed": "Petition: Heartless owner, who whipped horse until it collapsed, is told he can KEEP his animal. Act now." + }, + "key": "2439" + }, + { + "attributes": { + "blank": " ", + "id": "2449", + "language": "es", + "text_to_embed": "Buenos samaritanos tiroteados en un horrible secuestro JOHANNESBURGO. ; Cuatro hombres fueron asesinados a tiros en Bronville Free State" + }, + "key": "2449" + }, + { + "attributes": { + "blank": " ", + "id": "2459", + "language": "en", + "text_to_embed": "I consider One Direction's fan base, #Directioners x1431, as the ultimate fan army." + }, + "key": "2459" + }, + { + "attributes": { + "blank": " ", + "id": "2469", + "language": "en", + "text_to_embed": "Japan's battle with its war past persists, unresolved, even 70 years since the devastating atomic bombings." + }, + "key": "2469" + }, + { + "attributes": { + "blank": " ", + "id": "2479", + "language": "es", + "text_to_embed": "¿Un nuevo tipo de TDAH? Los traumatismos craneoencefálicos en niños, asociados a problemas de atención a largo plazo" + }, + "key": "2479" + }, + { + "attributes": { + "blank": " ", + "id": "2487", + "language": "ja", + "text_to_embed": "ディズニー株を破壊したアイガーの3つの言葉" + }, + "key": "2487" + }, + { + "attributes": { + "blank": " ", + "id": "2489", + "language": "es", + "text_to_embed": "Las 3 palabras de Iger que hundieron las acciones de Disney" + }, + "key": "2489" + }, + { + "attributes": { + "blank": " ", + "id": "2499", + "language": "es", + "text_to_embed": "PIERCE THE VEIL Pulsera de caucho Collide with the Sky - Full read by eBay" + }, + "key": "2499" + }, + { + "attributes": { + "blank": " ", + "id": "2509", + "language": "en", + "text_to_embed": "Our ability to sense things physically aids in preserving memories of the 2011 triple disaster." + }, + "key": "2509" + }, + { + "attributes": { + "blank": " ", + "id": "2529", + "language": "es", + "text_to_embed": "Mientras los incendios en California causan estragos, el Servicio Forestal da la voz de alarma sobre el fuerte aumento de los costes de los incendios forestales." + }, + "key": "2529" + }, + { + "attributes": { + "blank": " ", + "id": "2539", + "language": "es", + "text_to_embed": "Corey Robinson tiene algunas repeticiones sólidas en RT aunque mientras escribo esto fue golpeado en la inmersión relámpago por T. Walker" + }, + "key": "2539" + }, + { + "attributes": { + "blank": " ", + "id": "2549", + "language": "en", + "text_to_embed": "The blockade must be challenged! With 19,000 homes destroyed in Gaza and no reconstruction in sight, it's time to take action. Sign today! #Gaza #OpenGaza" + }, + "key": "2549" + }, + { + "attributes": { + "blank": " ", + "id": "2557", + "language": "ja", + "text_to_embed": "もう何年も聴いていない古い歌を思い出したことがあるだろうか。#priceless" + }, + "key": "2557" + }, + { + "attributes": { + "blank": " ", + "id": "2559", + "language": "es", + "text_to_embed": "¿Alguna vez te has acordado de una vieja canción que hacía años que no escuchabas? palabras que arrastran torrentes de recuerdos todo el tiempo. #priceless" + }, + "key": "2559" + }, + { + "attributes": { + "blank": " ", + "id": "2569", + "language": "en", + "text_to_embed": "Guthrie, OK is currently being affected by a pair of storms, resulting in a relocation from Norman to capture evening lightning activity. #okwx" + }, + "key": "2569" + }, + { + "attributes": { + "blank": " ", + "id": "2579", + "language": "en", + "text_to_embed": "\"The U.S. also flew over each bomb site in #WW2 with warning letters #insisting people evacuate!\"" + }, + "key": "2579" + }, + { + "attributes": { + "blank": " ", + "id": "2589", + "language": "en", + "text_to_embed": "The relief train arrives in Mumbai with survivors of the derailed Janta Express." + }, + "key": "2589" + }, + { + "attributes": { + "blank": " ", + "id": "2599", + "language": "en", + "text_to_embed": "\"Many #cancers which had a very high fatality rate 30 years ago 🙌 kill a lot less today. #Oncology has achieved a lot.\"" + }, + "key": "2599" + }, + { + "attributes": { + "blank": " ", + "id": "2609", + "language": "es", + "text_to_embed": "Carmike Cinemas sobre el tiroteo de Antioch: \"Estamos agradecidos\" por el personal y los primeros intervinientes La seguridad es la \"máxima prioridad" + }, + "key": "2609" + }, + { + "attributes": { + "blank": " ", + "id": "2619", + "language": "en", + "text_to_embed": "Signs of fire can be seen in Ashenforest, with burnt manzanita shrubs and timber that suffered damage along the ridge of Johnson Fire on Forest Road 1." + }, + "key": "2619" + }, + { + "attributes": { + "blank": " ", + "id": "2629", + "language": "en", + "text_to_embed": "Quick Update: \"There's a big storm brewing dark clouds thunder and 🌧️ carrying thick dust. This could be interesting.\"" + }, + "key": "2629" + }, + { + "attributes": { + "blank": " ", + "id": "2639", + "language": "en", + "text_to_embed": "Kakeru Teduka: Bfore 70years of today in Hiroshima it's exploded the one atomic bomd. It is so... sad day! 😪" + }, + "key": "2639" + }, + { + "attributes": { + "blank": " ", + "id": "2649", + "language": "es", + "text_to_embed": "Lo último revela que #Storm es una reina en #Apocalypse" + }, + "key": "2649" + }, + { + "attributes": { + "blank": " ", + "id": "2659", + "language": "es", + "text_to_embed": "Una madre lucha por recuperarse en el hospital de un aparatoso accidente de coche mientras sus hijos la echan de menos en casa -" + }, + "key": "2659" + }, + { + "attributes": { + "blank": " ", + "id": "2669", + "language": "en", + "text_to_embed": "A Consent Order has been initiated for the cleanup at the CSX derailment site, as disclosed by the Knoxville News Sentinel." + }, + "key": "2669" + }, + { + "attributes": { + "blank": " ", + "id": "2679", + "language": "en", + "text_to_embed": "\"News! Bin Laden family plane crashed after avoiding microlight and landing too far down runway.\"" + }, + "key": "2679" + }, + { + "attributes": { + "blank": " ", + "id": "2689", + "language": "en", + "text_to_embed": "\"Rite now man a tlk widout nuh curfew long side Aka cum fi steal di show! Itz a rubbery, di whole a dem fi knw. Sound it *music*!\"" + }, + "key": "2689" + }, + { + "attributes": { + "blank": " ", + "id": "2699", + "language": "en", + "text_to_embed": "#hot Funtenna: hijacking computers to send data as sound waves [Black Hat 2015] #prebreak #top" + }, + "key": "2699" + }, + { + "attributes": { + "blank": " ", + "id": "2709", + "language": "en", + "text_to_embed": "Even in the most unlikely scenario of the stars and moon colliding, I want to emphasize that I don't want you back in my life; take your words and everything else, and stay away." + }, + "key": "2709" + }, + { + "attributes": { + "blank": " ", + "id": "2719", + "language": "en", + "text_to_embed": "\"raleigh cyclone 15 gear mountain bike 26'': #weekendfun 🌞\"" + }, + "key": "2719" + }, + { + "attributes": { + "blank": " ", + "id": "2729", + "language": "en", + "text_to_embed": "The devastating impact of a nuclear bomb on Hiroshima remains etched in our memory, emphasizing the urgent need to prevent its repetition, even though the likelihood of it recurring is still great." + }, + "key": "2729" + }, + { + "attributes": { + "blank": " ", + "id": "2739", + "language": "en", + "text_to_embed": "One of the top RT-ed tweets in #Japan is a screenshot of a young person claiming to not know the 70th anniversary of the Hiroshima bomb 🤯." + }, + "key": "2739" + }, + { + "attributes": { + "blank": " ", + "id": "2749", + "language": "en", + "text_to_embed": "The world president of Diablo and DSP OLAP provides insights into recognizing a hazardous waste and its multidimensional qualities." + }, + "key": "2749" + }, + { + "attributes": { + "blank": " ", + "id": "2759", + "language": "en", + "text_to_embed": "?? New Ladies Shoulder Tote #FashionForward Faux Leather Hobo Purse Cross Body Bag #Womens 👜🚀" + }, + "key": "2759" + }, + { + "attributes": { + "blank": " ", + "id": "2769", + "language": "en", + "text_to_embed": "We are now back in session for the #KerrickTrial, and the medical examiner proceeds with their testimony by delving into the topic of gunshot wounds." + }, + "key": "2769" + }, + { + "attributes": { + "blank": " ", + "id": "2778", + "language": "it", + "text_to_embed": "sceso o sprofondato comunque sia fino alla terra in ombra oltre la cresta di un cobra che atterra duramente sulla sua schiena; la torcia e il" + }, + "key": "2778" + }, + { + "attributes": { + "blank": " ", + "id": "2779", + "language": "es", + "text_to_embed": "descendió o se hundió como fuera hasta la tierra sombría más allá de la cresta de una llamativa cobra que se posaba con dureza sobre su espalda; antorcha y" + }, + "key": "2779" + }, + { + "attributes": { + "blank": " ", + "id": "2789", + "language": "en", + "text_to_embed": "\"One Year on from the Sinjar Massacre ❤️ #Yazidis Blast Lack of Action Over Hostages!\"" + }, + "key": "2789" + }, + { + "attributes": { + "blank": " ", + "id": "2799", + "language": "en", + "text_to_embed": "100,000 people were instantaneously annihilated 70 years ago, which instilled in us the understanding that we possess the means to annihilate all of humanity." + }, + "key": "2799" + }, + { + "attributes": { + "blank": " ", + "id": "2809", + "language": "en", + "text_to_embed": "Tube strike live: Latest travel updates continue as London is engulfed." + }, + "key": "2809" + }, + { + "attributes": { + "blank": " ", + "id": "2819", + "language": "en", + "text_to_embed": "\"The best part of old baseball managers wearing uniforms is the implication that if something catastrophic occurs they'll grab a glove.\"" + }, + "key": "2819" + }, + { + "attributes": { + "blank": " ", + "id": "2829", + "language": "es", + "text_to_embed": "El boxeador nigeriano que sobrevivió a las sesiones con Klitschko se hace famoso en YouTube" + }, + "key": "2829" + }, + { + "attributes": { + "blank": " ", + "id": "2835", + "language": "tr", + "text_to_embed": "Bir süredir telefonunuzla evdeyken, tüm bu süre boyunca 3G'de olduğunu fark ettiğinizde yaşadığınız o korkunç batma hissi." + }, + "key": "2835" + }, + { + "attributes": { + "blank": " ", + "id": "2839", + "language": "es", + "text_to_embed": "Esa horrible sensación de hundimiento cuando llevas un rato con el móvil en casa y te das cuenta de que ha estado en 3G todo este tiempo." + }, + "key": "2839" + }, + { + "attributes": { + "blank": " ", + "id": "2849", + "language": "en", + "text_to_embed": "\"I screamed when they were hurtling to John for 1st place! I'm so happy I love you guys ?? #AmazingRaceCanada\"" + }, + "key": "2849" + }, + { + "attributes": { + "blank": " ", + "id": "2859", + "language": "es", + "text_to_embed": "Combatiendo el #miedo al #terrorismo apague su televisor ;Veterans For Peace Calls 4 an End 2 #NATO #VFP" + }, + "key": "2859" + }, + { + "attributes": { + "blank": " ", + "id": "2869", + "language": "es", + "text_to_embed": "INFOGRAFÍA: Al menos 20 agentes de seguridad turcos muertos en atentados terroristas del PKK y el ISIS desde el atentado suicida de Suruc" + }, + "key": "2869" + }, + { + "attributes": { + "blank": " ", + "id": "2879", + "language": "en", + "text_to_embed": "Thank you, Senator, for your invaluable leadership on the #IranDeal. Our military certainly deserves nothing less. Many thanks!" + }, + "key": "2879" + }, + { + "attributes": { + "blank": " ", + "id": "2889", + "language": "en", + "text_to_embed": "The Northern California wildfire has left a trail of destruction, with additional homes being razed, as per the most recent report." + }, + "key": "2889" + }, + { + "attributes": { + "blank": " ", + "id": "2899", + "language": "en", + "text_to_embed": "\"08 Army personnel, including 5 Majors, were martyred when an Army Medical Corps helicopter crashed near Mansehra in a devastating event.\"" + }, + "key": "2899" + }, + { + "attributes": { + "blank": " ", + "id": "2907", + "language": "ja", + "text_to_embed": "今日は全体的にイングランドの若者は非常によくやった。このまま400ラン以上を積み重ねて、破壊しなければならない...。" + }, + "key": "2907" + }, + { + "attributes": { + "blank": " ", + "id": "2909", + "language": "es", + "text_to_embed": "En general, los chicos ingleses lo han hecho muy bien hoy. Necesitan acumular y superar las 400 carreras y destruir..." + }, + "key": "2909" + }, + { + "attributes": { + "blank": " ", + "id": "2919", + "language": "es", + "text_to_embed": "Otro ataque a un cine... esta vez cerca de casa. Gracias por no haber víctimas. La vida continuará porque no podemos permitir que gane el mal." + }, + "key": "2919" + }, + { + "attributes": { + "blank": " ", + "id": "2917", + "language": "ja", + "text_to_embed": "またも映画館襲撃...今回は身近で。死傷者が出なかったことに感謝する。悪が勝つのを許すわけにはいかないから、人生は続く!" + }, + "key": "2917" + }, + { + "attributes": { + "blank": " ", + "id": "2929", + "language": "en", + "text_to_embed": "The governor is contemplating whether to release the California school bus hijacker on parole." + }, + "key": "2929" + }, + { + "attributes": { + "blank": " ", + "id": "2939", + "language": "en", + "text_to_embed": "🗑️Remove the Linkury Browser Hijacker." + }, + "key": "2939" + }, + { + "attributes": { + "blank": " ", + "id": "2949", + "language": "en", + "text_to_embed": "I came to the conclusion that a break from my emotional devastation was crucial, so I decided to indulge in \"Tangled,\" followed by \"Desolation of Smaug.\"" + }, + "key": "2949" + }, + { + "attributes": { + "blank": " ", + "id": "2959", + "language": "es", + "text_to_embed": "El Gobierno de Enugu demolerá las estructuras ilegales del Centro Internacional de Conferencias RT" + }, + "key": "2959" + }, + { + "attributes": { + "blank": " ", + "id": "2969", + "language": "es", + "text_to_embed": "Expertos franceses comienzan a examinar los restos del avión hallados en la isla de la Reunión: Expertos franceses en accidentes aére..." + }, + "key": "2969" + }, + { + "attributes": { + "blank": " ", + "id": "2976", + "language": "en", + "text_to_embed": "The horrifying incident of the train coaches submerging in water is etched in my memory." + }, + "key": "2976" + }, + { + "attributes": { + "blank": " ", + "id": "2979", + "language": "en", + "text_to_embed": "The train tragedy in Madhya Pradesh haunts me, especially the memory of witnessing the coaches being consumed by the water." + }, + "key": "2979" + }, + { + "attributes": { + "blank": " ", + "id": "2989", + "language": "en", + "text_to_embed": "After floating half a mile out to sea, a young baby girl was rescued by the Coastguard." + }, + "key": "2989" + }, + { + "attributes": { + "blank": " ", + "id": "2999", + "language": "en", + "text_to_embed": "Delving into the Past: The Ongoing Enigma of Coincidence Or Curse, Still Unresolved" + }, + "key": "2999" + }, + { + "attributes": { + "blank": " ", + "id": "2998", + "language": "en", + "text_to_embed": "Balancing Acts of History: Unraveling Coincidence or Curse's Unresolved Secrets" + }, + "key": "2998" + }, + { + "attributes": { + "blank": " ", + "id": "3009", + "language": "en", + "text_to_embed": "#Demolition underway on the stadium endeavor. Stay updated throughout at" + }, + "key": "3009" + }, + { + "attributes": { + "blank": " ", + "id": "3008", + "language": "en", + "text_to_embed": "#Demolition underway on the sports complex project. Stay updated throughout at" + }, + "key": "3008" + } + ], + "options": { + "multi": false, + "type": "undirected" + } + }, + "edge_weight": "weight", + "height": "500px", + "layout": null, + "layout_settings": null, + "max_categorical_colors": 10, + "name": null, + "node_metrics": {}, + "program_settings": {}, + "renderer_settings": { + "defaultEdgeType": "curve", + "defaultNodeType": "border", + "enableEdgeClickEvents": false, + "enableEdgeHoverEvents": false, + "hideEdgesOnMove": false, + "labelDensity": 5, + "labelFont": "sans-serif", + "labelGridCellSize": 250, + "labelRenderedSizeThreshold": 1e-07, + "renderEdgeLabels": true, + "zIndex": true + }, + "selected_edge": null, + "selected_edge_category_values": null, + "selected_node": null, + "selected_node_category_values": null, + "snapshot": null, + "start_layout": false, + "start_layout_for_seconds": null, + "sync_key": null, + "sync_targets": [ + "layout", + "hover", + "camera", + "selection" + ], + "tabbable": null, + "tooltip": null, + "ui_settings": { + "hideInfoPanel": false, + "hideSearch": false + }, + "visual_variables": { + "edgeColor": { + "attribute": "dup_type", + "default": "#ccc", + "type": "category" + }, + "edgeCurveness": { + "default": 0.25, + "type": "constant" + }, + "edgeLabel": { + "attribute": "label", + "default": null, + "type": "raw" + }, + "edgeSize": { + "attribute": "size", + "default": 0.5, + "range": [ + 0.5, + 10 + ], + "type": "continuous" + }, + "nodeBorderColor": { + "default": null, + "type": "dependent", + "value": "node" + }, + "nodeBorderRatio": { + "default": null, + "type": "disabled" + }, + "nodeBorderSize": { + "default": 1, + "type": "constant" + }, + "nodeColor": { + "attribute": "color", + "default": "#999", + "type": "raw" + }, + "nodeColorSaturation": { + "default": null, + "type": "disabled" + }, + "nodeHaloColor": { + "default": "red", + "type": "constant" + }, + "nodeHaloSize": { + "default": null, + "type": "disabled" + }, + "nodeLabel": { + "attribute": "text_to_embed", + "default": null, + "type": "raw" + }, + "nodeLabelColor": { + "default": "#000", + "type": "constant" + }, + "nodeLabelSize": { + "default": 12, + "type": "constant" + }, + "nodePictogram": { + "default": null, + "type": "disabled" + }, + "nodePictogramColor": { + "default": "#000", + "type": "constant" + }, + "nodeShape": { + "default": null, + "type": "disabled" + }, + "nodeSize": { + "attribute": "size", + "default": 0.5, + "range": [ + 3, + 15 + ], + "type": "continuous" + } + } + } + }, + "1f1bebb723354250a389edf9b75a0c6e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "2.0.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "2.0.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border_bottom": null, + "border_left": null, + "border_right": null, + "border_top": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2d41732331ee4aec9d388f73ddc64c92": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "2.0.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "2.0.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border_bottom": null, + "border_left": null, + "border_right": null, + "border_top": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "412eb4d880d44a57be9e35712040933a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "2.0.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "2.0.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border_bottom": null, + "border_left": null, + "border_right": null, + "border_top": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5f623d0557aa47e492d1bcba37c4d537": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "2.0.0", + "_view_name": "HTMLView", + "description": "", + "description_allow_html": false, + "layout": "IPY_MODEL_412eb4d880d44a57be9e35712040933a", + "placeholder": "​", + "style": "IPY_MODEL_fe39a6782c1847f5ad25f24c4a5611f1", + "tabbable": null, + "tooltip": null, + "value": "100%" + } + }, + "60ec58a8b3094b0c8082779734e8bfb5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "2.0.0", + "_view_name": "HTMLView", + "description": "", + "description_allow_html": false, + "layout": "IPY_MODEL_cb165194e82e402fa980b6f787e3e346", + "placeholder": "​", + "style": "IPY_MODEL_71fb671e12144540a8e256aa10a7d9ad", + "tabbable": null, + "tooltip": null, + "value": "" + } + }, + "61a4aac057fc4a30bd545c2118a6ef84": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "2.0.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_allow_html": false, + "layout": "IPY_MODEL_2d41732331ee4aec9d388f73ddc64c92", + "max": 29, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_c7404efc65e44cf7ac478ea2859174a4", + "tabbable": null, + "tooltip": null, + "value": 29 + } + }, + "6b71df3190a54e48b00867e3520bc27e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "HTMLStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "HTMLStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "StyleView", + "background": null, + "description_width": "", + "font_size": null, + "text_color": null + } + }, + "6d89dfc7346644f9ace4778851234083": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "2.0.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_60ec58a8b3094b0c8082779734e8bfb5", + "IPY_MODEL_61a4aac057fc4a30bd545c2118a6ef84", + "IPY_MODEL_7cdedb60e394450dbea7b431291b7a28" + ], + "layout": "IPY_MODEL_a3a19fd5f7dc41ba9d09682d7a9105b3", + "tabbable": null, + "tooltip": null + } + }, + "71fb671e12144540a8e256aa10a7d9ad": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "HTMLStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "HTMLStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "StyleView", + "background": null, + "description_width": "", + "font_size": null, + "text_color": null + } + }, + "7cdedb60e394450dbea7b431291b7a28": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "2.0.0", + "_view_name": "HTMLView", + "description": "", + "description_allow_html": false, + "layout": "IPY_MODEL_e9b6e81067f84569b1d9b8d9e329c7b8", + "placeholder": "​", + "style": "IPY_MODEL_c275cad6ec13424d93aeffc66b7481f0", + "tabbable": null, + "tooltip": null, + "value": " 30/? [00:27<00:00,  5.29s/it]" + } + }, + "85dad35011a34cbf99e1de997a2cd77d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "2.0.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_allow_html": false, + "layout": "IPY_MODEL_1f1bebb723354250a389edf9b75a0c6e", + "max": 30, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_f636234ba08c47a7ae2d4cc6ae8e8073", + "tabbable": null, + "tooltip": null, + "value": 30 + } + }, + "a3a19fd5f7dc41ba9d09682d7a9105b3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "2.0.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "2.0.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border_bottom": null, + "border_left": null, + "border_right": null, + "border_top": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c275cad6ec13424d93aeffc66b7481f0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "HTMLStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "HTMLStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "StyleView", + "background": null, + "description_width": "", + "font_size": null, + "text_color": null + } + }, + "c7404efc65e44cf7ac478ea2859174a4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "cb165194e82e402fa980b6f787e3e346": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "2.0.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "2.0.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border_bottom": null, + "border_left": null, + "border_right": null, + "border_top": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cca65fc5bbca4a558d36a0cc2688a305": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "2.0.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "2.0.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border_bottom": null, + "border_left": null, + "border_right": null, + "border_top": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cf53c2a9a4b04ba49c559644f86ed759": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "2.0.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "2.0.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border_bottom": null, + "border_left": null, + "border_right": null, + "border_top": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "db02eb71718d4649ab43b6d7b88fe24e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "2.0.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5f623d0557aa47e492d1bcba37c4d537", + "IPY_MODEL_85dad35011a34cbf99e1de997a2cd77d", + "IPY_MODEL_f4e6eb51e43a4234a08c26a9e1e0ec36" + ], + "layout": "IPY_MODEL_cca65fc5bbca4a558d36a0cc2688a305", + "tabbable": null, + "tooltip": null + } + }, + "e9b6e81067f84569b1d9b8d9e329c7b8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "2.0.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "2.0.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border_bottom": null, + "border_left": null, + "border_right": null, + "border_top": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f4e6eb51e43a4234a08c26a9e1e0ec36": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "2.0.0", + "_view_name": "HTMLView", + "description": "", + "description_allow_html": false, + "layout": "IPY_MODEL_cf53c2a9a4b04ba49c559644f86ed759", + "placeholder": "​", + "style": "IPY_MODEL_6b71df3190a54e48b00867e3520bc27e", + "tabbable": null, + "tooltip": null, + "value": " 30/30 [00:00<00:00, 155.20it/s]" + } + }, + "f636234ba08c47a7ae2d4cc6ae8e8073": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "fe39a6782c1847f5ad25f24c4a5611f1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "2.0.0", + "model_name": "HTMLStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "2.0.0", + "_model_name": "HTMLStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "2.0.0", + "_view_name": "StyleView", + "background": null, + "description_width": "", + "font_size": null, + "text_color": null + } + } + }, + "version_major": 2, + "version_minor": 0 + } + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/pyproject.toml b/pyproject.toml new file mode 100644 index 0000000..137f0ef --- /dev/null +++ b/pyproject.toml @@ -0,0 +1,25 @@ +[tool.poetry] +name = "d3lta" +version = "1.0.0" +description = "d3lta package" +readme = "README.md" +authors = ["Viginum"] + +[tool.poetry.dependencies] +python = "^3.10" +demoji = "1.1.0" +faiss-cpu = "1.9.0.post1" +fasttext = "0.9.3" +gensim = "4.3.3" +networkx = "2.8.8" +pandas = "2.2.3" +polyleven = "0.8" +scipy = "1.12.0" +tensorflow = "2.18.0" +tensorflow-hub = "0.16.1" +tensorflow-text = "2.18.1" +tqdm = "4.67.1" + +[build-system] +requires = ["setuptools","poetry-core"] +build-backend = "poetry.core.masonry.api" diff --git a/setup.py b/setup.py new file mode 100644 index 0000000..c823345 --- /dev/null +++ b/setup.py @@ -0,0 +1,4 @@ +#!/usr/bin/env python +from setuptools import setup + +setup() diff --git a/static/graph.gif b/static/graph.gif new file mode 100644 index 0000000..749a98a Binary files /dev/null and b/static/graph.gif differ diff --git a/tests/faissd3lta_test.py b/tests/faissd3lta_test.py new file mode 100644 index 0000000..c3951ae --- /dev/null +++ b/tests/faissd3lta_test.py @@ -0,0 +1,82 @@ +import os +import re +import sys + +import pandas as pd +import pytest + +from d3lta.faissd3lta import ( + compute_embeddings, + compute_language, + create_index_cosine, + semantic_faiss, +) + + +@pytest.fixture +def examples_dataset(): + """Returns an empty test""" + return [ + "Je m'apelle Mimie et je fais du stop", + "Je m'apelle Giselle et toi ?", + "Les chats sont gris", + "Cat's are grey, aren't they ?", + "Cats are grey", + "Les chats ne sont pas gris", + ] + + +def test_compute_language(examples_dataset): + df_language = pd.DataFrame(examples_dataset, columns=["text_language_detect"]) + df_language = compute_language(df_language) + assert list(df_language["language"]) == ["fr", "fr", "fr", "en", "en", "fr"] + + +def test_embedding_similarity(examples_dataset): + df_test = pd.DataFrame( + examples_dataset, + columns=["text_to_embed"], + index=range(len(examples_dataset)), + ) # index for checking that it has good ids + df_emb = compute_embeddings(df_test) + index_t = create_index_cosine(df_emb) + + test_dataset = pd.DataFrame([{"text_to_embed": "I gatti sono grigi"}]) + df_emb_test = compute_embeddings(test_dataset) + + limits, distances, indices = index_t.range_search( + x=df_emb_test.to_numpy().reshape(1, -1), thresh=0.7 + ) + assert ( + df_test.loc[indices]["text_to_embed"] + .str.contains("chat|cat", flags=re.IGNORECASE, na=False) + .all() + ) + + +def test_semantic_faiss(examples_dataset): + df = pd.DataFrame(examples_dataset, columns=["text_language_detect"]) + df = compute_language(df) + df_emb = compute_embeddings( + df.assign(text_to_embed=lambda x: x["text_language_detect"]) + ) + df.index = df.index.astype(str) + matches, df_clusters = semantic_faiss( + df=df.rename(columns={"text_language_detect": "original"}), + min_size_txt=1, + df_embeddings_use=df_emb, + threshold_grapheme=0.693, + threshold_language=0.715, + threshold_semantic=0.85, + ) + assert ( + df_clusters.query("cluster == 0")["original"] + .str.contains("cat|chat", flags=re.IGNORECASE) + .all() + ) + assert ( + matches.query( + 'text_to_embed_source == "Les chats sont gris" and text_to_embed_target == "Cats are grey"' + )["dup_type"] + == "translation" + ).all()